Linked Questions

46 votes
3 answers
125k views

I am training a model (Recurrent Neural Network) to classify 4 types of sequences. As I run my training I see the training loss going down until the point where I correctly classify over 90% of the ...
dins2018's user avatar
  • 463
2 votes
1 answer
4k views

Is the following hypothesis true ? If a simple neural network cannot overfit a single training sample, there is something wrong with its architecture or its implementation. To give you more ...
Xema's user avatar
  • 205
0 votes
1 answer
7k views

I have some troubles trying to set up a multilayer perceptron for binary classification using tensorflow. I have a very large dataset (about 1,5*10^6 examples) each with a binary (0/1) label and 100 ...
Darkobra's user avatar
1 vote
1 answer
3k views

I'm attempting to use a sequence of numbers (of fixed length) in order to predict a binary output (either 1 or 0) using Keras and a recurrent neural network. Each training example/sequence has 10 ...
George Lee's user avatar
1 vote
1 answer
3k views

I am making a CNN with 6 classes. The 8400 training samples are batched into 84 batches of size 100. I run the model and print out the loss after every batch, the loss is always either 0.0 or some ...
aaron ward's user avatar
1 vote
1 answer
3k views

I am trying to train a small MLP in Pytorch. Here is the code for the net: ...
sage's user avatar
  • 11
0 votes
0 answers
4k views

I've trained fitnet network for prediction steel's yield stress with MATLAB ann toolbox. The neural network should predict yield stress. I have about 250 vector ...
r.zarei's user avatar
  • 101
1 vote
1 answer
2k views

I am trying to train a simple neural network for regression, where the underlying function is a quadratic. Training data is generated by this underlying function, and I am just trying to get a network ...
Karnivaurus's user avatar
  • 7,219
1 vote
0 answers
3k views

I'm trying to learn how to use PyTorch and to do so I pulled some Forex + COVID data I've used with other models in the past to predict the next-day exchange rate. The data has some COVID infection ...
Nakul Upadhya's user avatar
0 votes
1 answer
2k views

I am a beginner to CNN and using tensorflow in general. I have been referring to this image classification guide to train and classify my own dataset. I have 84310 images in 42 classes for the train ...
asdj1234's user avatar
2 votes
1 answer
2k views

I'm struggling with my model (below), since despite some hyperparameters tuning i always end with a sudden rise of the loss function and then a 'infinite" plateau. My hypothesis were: -learning ...
Gwénolé's user avatar
3 votes
1 answer
3k views

I am training a network to solve a regression problem using Keras. During training, the loss of my model goes directly from 7 to more than 300000 dramatically. Here is the training output: Here is the ...
SunshineAtNoon's user avatar
2 votes
2 answers
2k views

I'm trying to find patterns in a large dataset using the neuralnet package. My data file looks something like this (30,204,447 rows) : ...
OKS N.'s user avatar
  • 21
1 vote
0 answers
2k views

I have been designing a neural network to perform predictions on construction item costs. I've developed a core set of predictors that seem to describe the problem space well - they appear to be ...
Joel Graff's user avatar
0 votes
0 answers
2k views

I'm using Keras to build and train a recurrent neural network. ...
jeshaitan's user avatar
  • 191
0 votes
0 answers
2k views

I'm using this code to train a neural netowrk in MATLAB: ...
user2991243's user avatar
  • 4,291
2 votes
0 answers
1k views

I have a CNN with 3 convolutional layers, 1 max-pooling layer and 2 fully-connected layers before applying softmax classification. The CNN is trained with Adagrad and I achieve a quite good ...
pir's user avatar
  • 5,166
0 votes
1 answer
1k views

I have run into some problems when trying to train a network that fits some multivariate quadratic function, or the Euclidean distance between 2 points in a 3-dimensional space, where they are 'pretty ...
Suzuco's user avatar
  • 3
1 vote
1 answer
814 views

I'm working on making my own neural network using the NEAT algorithm. I have programmed the algorithm from scratch because I can't seem to get any of the libraries online working, but I'm 90% sure the ...
MagnusCaligo's user avatar
0 votes
0 answers
1k views

I am training a simple neural network in keras to fit my non-linear thermodynamic equation of state. I use backpropagation and stochastic gradient. The network approximates the equation of state but ...
Max86's user avatar
  • 1
3 votes
1 answer
1k views

I have a dataset set with ~40 features onto which I'm applying a multi-layer perceptron for regression purposes. The train, validation, and test sets are made up of 3M, 800K, and 800K examples each, ...
Tfovid's user avatar
  • 815
1 vote
1 answer
932 views

I am training a very simple 2D dataset with 2 features. Its tabular data and contains only numeric information. I tried using keras to train a neural network but the performance does not bulge. I ...
GotStranger's user avatar
3 votes
2 answers
886 views

I am currently trying to automate some identification process of characteristic noise sounds. For acoustic feature, I calculate MFCC. I have downloaded a free MATLAB toolbox from Dan Ellis'es website. ...
Celdor's user avatar
  • 546
2 votes
0 answers
989 views

I am currently implementing a simple neural network and the backprop algorithm in Python with numpy. I have already tested my backprop method using central differences and the resulting gradient is ...
Masala's user avatar
  • 121
1 vote
0 answers
965 views

I'm training an LSTM (using the Keras python library) to generate sequences. My X training data is a list of sequences, and the Y training data is a list of the final values of those sequences. The ...
jeshaitan's user avatar
  • 191
2 votes
0 answers
899 views

I used MatConvNet to build a CNN model for regression. The input size is 20×20×1×32, the output size is 4×1×32, the convolutional filter size is 3×3×1. Now I found after training the training error ...
Wang Zhiyang's user avatar
1 vote
0 answers
883 views

I'm using Matlab Neural Network Toolbox. I want learn feed forward net for my classification problem. But network doesn't learn anything useful, so I start checking network setting. I choose xor ...
user2777021's user avatar
0 votes
0 answers
800 views

I am trying to use LSTM to predict a time series data as you can see in the following image, the predicted graphs is very noisy: The original data is looking like this: That I normalized it like this ...
user3486308's user avatar
1 vote
1 answer
454 views

I designed my own neural network for solving the problem of text summarization. The number of documents in my training dataset is big (more than 100,000 documents) so it is hard to check it on the ...
The Lazy Log's user avatar
0 votes
0 answers
680 views

I am currently exploring the training of Neural Networks. I have some toy data and I've trained a NN with 2 hidden layers on it and I get 99 % accuracy on the test set. But the problem is that if I ...
user118837's user avatar
0 votes
0 answers
673 views

In my scenario, I use deep reinforcement learning to fix a problem that is related to transportation. During training, I plot the gradient and loss, I find that the gradient converges and then ...
mac wang's user avatar
0 votes
1 answer
551 views

I'm currently trying to get the basics of Pytorch, playing around with simple networks topologies for the fashion-MNIST dataset. However, when I record the loss of those models after each epochs, it ...
Seb's user avatar
  • 23
1 vote
1 answer
490 views

I have built a regular ANN–BP setup with one unit on input and output layer and 4 nodes in hidden with sigmoid. Giving it a simple task to approximate linear ...
Lex Podgorny's user avatar
2 votes
0 answers
563 views

I'm implementing a typical neural network with 1 hidden layer. The network does well with the logic XOR and other simple problems, but fails miserably when encountering a (16-input, 20~30 hidden, 3 ...
Max's user avatar
  • 141
0 votes
1 answer
590 views

I am trying to learn a very simple sequence using an RNN (implemented in Keras) The input sequence is randomly generated integers between 0 to 100: x=np.random.randint(0,100, size=2000) while the ...
Aditya's user avatar
  • 1
3 votes
0 answers
554 views

I'm having a similar problem to the following post (Feed-Forward) Neural Networks keep converging to mean. The model is built with Deep Neural Network library in Matlab by Masayuki Tanaka. The ...
Abdulaziz Al-Homaid's user avatar
1 vote
0 answers
540 views

I am trying to train a basic Neural Network to predict Football final scores based on: i) Time in the match ii) Current Score iii) Parameters representing strength of home and away team. In order ...
rwolst's user avatar
  • 662
0 votes
0 answers
556 views

I'm replicating this paper for my PhD, which says that they are using deep learning to predict stock returns. So the inputs are (mostly) continuous variables that can be negative and positive. Outputs ...
stevew's user avatar
  • 841
3 votes
1 answer
485 views

I am fairly new to neural networks. I am trying to empirically show that a neural network can work better than logistic regression when the underlying function is non-linear. In my simulation study, ...
Alex's user avatar
  • 507
3 votes
0 answers
481 views

I have a dataset of energy measurements taken every minute from the energy footprint of home appliances. Based on that I am trying to detect human presence in the house. Since the data is sequential, ...
AutomEng's user avatar
  • 173
1 vote
0 answers
423 views

I am training a 4-class neural network classifier. The details of my data are: featurelength = 280 ...
Swagatika's user avatar
  • 111
0 votes
1 answer
434 views

I am training YOLO network consisting of resnet50 architecture.This problem is to find different text labels on the image and predict bounding boxes During training, I am seeing very less change in ...
vaibhav bansal's user avatar
1 vote
0 answers
361 views

I am trying to design a neural network for time series forecasting using LSTM neurons. I am stuck because the many different configurations that I tried so far are not performing well (actually they ...
Andrea Ialenti's user avatar
0 votes
0 answers
329 views

I have hourly data for 365 days, and I would like to train a neural network model for 7 days and predict 8th day hourly data. It is a time series 24-h ahead regression problem. I am also applying such ...
Reiso's user avatar
  • 78
1 vote
0 answers
286 views

I am trying to train a Deep Q Network (https://deepmind.com/research/dqn/) for a simple control task. The agent starts in the middle of a 1-dimensional line, at state 0.5. On each step, the agent can ...
Karnivaurus's user avatar
  • 7,219
2 votes
1 answer
214 views

I'm working on a neural network with one hidden layer. So far I've implemented the algorithm, and I've been able to numerically verify the partial derivatives I get from back propagation. My problem ...
CPerkins's user avatar
0 votes
0 answers
193 views

I'm using the Deeplearning.net DBN tutorial to train my data set. I normalize the feature set to zero-mean-unit-variance. However, I can only get the network to predict 2 out 5 classes even though the ...
teddy's user avatar
  • 345
1 vote
0 answers
184 views

So in the code below, which is pretty standard LSTM training for the IMDB dataset, I have run extensive experiments where I changed the drop-out value from 0.5 all the way up to 1, and the accuracy on ...
dreev2's user avatar
  • 69
1 vote
0 answers
181 views

I should develop a network that can read the result of throwing a dice. I have a dataset which consists on a synthetic collection of such images, together with the corresponding target values. Each ...
Mr. Phil's user avatar
  • 153
0 votes
0 answers
128 views

Hi I am trying to simulate the flow of water through a porous medium using ANNs. I have managed to get good result when the porous medium is homogeneous, however when it isn't the network seems to ...
Sorade's user avatar
  • 247

15 30 50 per page
1
2 3 4 5