Tagged Questions
0
votes
1answer
20 views
Matlab: Dealing with denorm performance cost conversion when close to realmin in backprop
I understand that if a number gets closer to zero than realmin, then Matlab converts the double to a denorm . I am noticing this causes significant performance cost. In particular I am using a ...
0
votes
0answers
20 views
update weights of neural network with back-propagation modified by PSO and GA using MATLAB
I am currently working on building a neural network with back-propagation algorithm modifying algorithm by PSO and GA algorithms to improve the classification result.
And I am a beginner on MATLAB, I ...
-3
votes
1answer
33 views
what is net.trainParam.mu in NNtoolbox, should i change this parameter?
when I am using "trainbr", it always came out with "maximum mu reached".
what does this mean? should i change this parameter?
0
votes
0answers
50 views
Which training function to choose for Neural Network based Reinforcement learning?
basically I'm implementing the algorithm of this other question in MATLAB:
Choose function for On-Policy prediction with approximation
namely this one:
For functional approximation based ...
1
vote
0answers
35 views
MATLAB 2-Layer Neural Network from Scratch
Currently, I'm working on a simple two Layer NN (25 input - sigmoid, 199 outputs - softmax) from scratch for debug reasons - Precisely, I want to track some values.
My input are batches or generally ...
0
votes
0answers
19 views
MLP Backprogagation step (MATLAB)
I'm having trouble implementing the back-propagation step in a multilayered perceptron. Are there any ways I could go about debugging this? I've been staring at it for over 10 hours to no avail. It ...
0
votes
0answers
34 views
How to train a small Neural Network to learn a simple logic function?
I tried to train a neural network manually in matlab(without neural network toolbox) with the simplest delta rule backpropagation method(#noMomentum #noVariableLearningRate etc.), but I failed to make ...
-1
votes
1answer
52 views
How to reinforce forward propagation signal in deep learning network?
I've asked a question earlier at
Matconvnet output of deep network's marix is uniform valued instead of varying values?
As I debugged the deep network for density estimation, I realized the ...
0
votes
1answer
114 views
Character Recognition Using Back Propagation Algorithm Testing
Recently I've been working on character recognition using Back Propagation Algorithm. I've taken the image and reduced to 5x7 size, therefore I got 35 pixels and trained the network using those pixels ...
0
votes
1answer
103 views
Backpropagation formula seems to be unimplementable as is
I've been working on getting some proficiency on backpropagation, and have run across the standard mathematical formula for doing this. I implemented a solution which seemed to work properly (and ...
0
votes
1answer
308 views
Deep Neural Networks, What is Alexnet output and loss function relationship?
I am trying to understand DNN with Matconvnet DagNN. I've a question based on the following last two layers of a net which uses euclidean loss for regression
net.addLayer('fc9', dagnn.Conv('size', [1 ...
0
votes
1answer
54 views
Bayesian network error in MATLAB
I tried to run my following code to train my Bayesian network.
p = [-1:.05:1];
t = sin(2*pi*p)+0.1*randn(size(p));
net = feedforwardnet(2,'trainbr');
net = train(net,p,t);
a = net(p);
and received ...
0
votes
1answer
53 views
Performance comparison plotting for different Back propagation algorithms
I am implementing various Backpropagation algorithms for the same dataset and trying to compare the performance. I got a help from the following tutorial for the same.
https://nl.mathworks.com/help/...
1
vote
0answers
52 views
Manually do forward calculation for neural network trained in Matlab
I'm training a neural network in Matlab using the built-in toolbox. I use dataset iris and put 10 hidden units for the hidden layer. The architecture of the network is quite simple, one input (size=4),...
1
vote
0answers
249 views
How to define a transfer (activation) function in Matlab Neural Network toolbox properly?
Let me explain my situation:
There are some pre-defined transfer (activation) functions in Matlab neural network toolbox such as logsig, tansig, pureline, softmax, etc.
These function are stored in ....
2
votes
1answer
258 views
Scaling of backpropagation
I am following this tutorial on NN and backpropagation.
I am new to python and I am trying to convert the code to MATLAB.
Can someone kindly explain the following code line (from the tutorial) :
...
0
votes
0answers
51 views
My matlab neural network backpropagation algorithm seems buggy
Here is my code. I think it is wrong because the difference between this computed gradient and my numerical estimate is too significant. It doesn't seem to be due to wrongly inverting matrices, etc.
...
-1
votes
1answer
92 views
explain backpropagation algorithm bishop codes [duplicate]
I've recently completed Professor Ng's Machine Learning course on Coursera, but I have some problem with understanding backpropagation algorithm. so I try to read Bishop codes for backpropagation ...
2
votes
1answer
197 views
Matlab GPU Backpropagation
I'm implemented a neural network in MATLAB for better understanding of the topic.
I wanted to run the code on my GPU, so I initialized every matrix with gpuArray(), but got no performance boost. ...
0
votes
1answer
300 views
Getting NaN values in neural network weight matrices
**I am trying to develop a feedforward NN in MATLAB. I have a dataset of 12 inputs and 1 output with 46998 samples. I have some NaN values in last rows of Matrix, because some inputs are accelerations ...
0
votes
0answers
90 views
integrate BP neural network with PSO
I would like to use PSO to optimize BP neural network weights for prediction of breast cancer on Matlab.
there is no option in the neural toolbox to do that. and after searching, i found the memetic ...
1
vote
2answers
520 views
Calculation of Cost function in Neural Network Getting NaN or Inf
I am trying to calculate costFunction of Neural Network as a part of my programming assignment, using this function.
Where K is number of Labels. hTheta and y are matrices both of size (5000,10), ...
1
vote
0answers
73 views
Convolutional Neural Net always ouputs one class
I'm trying to finetune the imagenet-vgg-f net in matlab using the matconvnet package. Instead of 1000 classes it shall only be able to classify two.
If I only change the very last layer from 1000 to ...
0
votes
1answer
64 views
Learning ANN in Matlab (Multi-layer Back-propagation )
I'm writing this code for learning process of ANN (multi-layer back-propagation ) but the result of learning is very bad it's not near to 1 at any time I know we can not give any guaranty to make ...
1
vote
2answers
152 views
Subscript indices must be real positive integers or logicals in neural networks matlab
I tried to apply neural network function in GUI matlab.
% --- Executes on button press in pushbutton1.
function pushbutton1_Callback(hObject, eventdata, handles)
% hObject handle to pushbutton1 (...
1
vote
2answers
348 views
How to make sound signal length the same in MATLAB?
I found this speech recognition code that I downloaded from a blog. It works fine, it asks to record sounds to create a dataset and then you have to call a function to train the system using neural ...
-1
votes
1answer
60 views
How do I get backpropagation to work for a MLP? MATLAB
I am trying to get an MLP to work. My goal is to get the net to predict output Yt when given Yt-1,Yt-2...,Yt-10. I've been using a generated dataset, which should be no trouble. My net will always ...
0
votes
1answer
51 views
Backpropagation error : conceptual or programing?
I wrote the following backpropagation algorithm to model the two input identity function
clc
% clear
nh = 3; % neurons in hidden layer
ni = 2; % neurons in input layer
...
1
vote
1answer
577 views
Any Ideas for Predicting Multiple Linear Regression Coefficients by using Neural Networks (ANN)?
In case, there are 2 inputs (X1 and X2) and 1 target output (t) to be estimated by neural network (each nodes has 6 samples):
X1 = [2.765405915 2.403146899 1.843932529 1.321474515 0.916837222 1....
0
votes
1answer
129 views
MATLAB Neural Network Toolbox BPN
I am using the Iris Data Set to train my NN using Back Propagation. The code is attached.
p = [
5.1,3.5,1.4,0.2; %iris data set
4.9,3.0,1.4,0.2;
4.7,3.2,1.3,0.2;
4.6,3.1,1.5,0.2;
5.0,3.6,1.4,0.2;
...
0
votes
0answers
121 views
Unable to reduce the error value in back propagation code?
I tried to implement a neural network for wine data set and train the network using back propagation algorithm. But the error value in the code is around 100 and I have no idea how to reduce it. The ...
0
votes
0answers
204 views
Couldn't fit the data using NEURAL NETWORKS IN MATLAB
i have been trying the fit the data to a nonlinear model using neural networks in matlab. i have several sets of data. and my code is working fine for some data sets but not for all the data sets.
...
0
votes
1answer
356 views
Back propagation error doesnt decrease after 3 epochs! Beginner needing help MATLAB
Before I begin, I'd just like to preface this by saying that I only started coding in October so excuse me if it's a little be clumsy.
I've been trying to make a MLP for a project I've been doing. I ...
4
votes
2answers
803 views
Neural Network not fitting XOR
I created an Octave script for training a neural network with 1 hidden layer using backpropagation but it can not seem to fit an XOR function.
x Input 4x2 matrix [0 0; 0 1; 1 0; 1 1]
y Output 4x1 ...
1
vote
2answers
2k views
Back propagation algorithm: error computation
I am currently writing a back propagation script. I am unsure how to go about updating my weight values. Here is an image just to make things simple.
My question: How is the error calculated and ...
7
votes
4answers
10k views
Backpropagation for rectified linear unit activation with cross entropy error
I'm trying to implement gradient calculation for neural networks using backpropagation.
I cannot get it to work with cross entropy error and rectified linear unit (ReLU) as activation.
I managed to ...
0
votes
1answer
43 views
Subscript indices must be real positive integers, and they are (Matlab) [duplicate]
I am trying to code a simple backpropagation network in Matlab, and I am getting the following error:
Subscript indices must either be real positive integers
or logicals.
in line 144 of my code, ...
0
votes
3answers
146 views
How to choose the number of nodes for using BP network in face recognition?
I read some books but still cannot make sure how should I organize the network. For example, I have pgm image with size 120*100, how the input should be like(like a one dimensional array with size ...
-1
votes
1answer
914 views
Using a single weight matrix for Back-Propagation in Neural Networks
In my Neural Network I have combined all of the weight matrices into one large matrix:
e.g A 3 layer matrix usually has 3 weight matrices W1, W2, W3, one for each layer. I have created one large ...
0
votes
1answer
2k views
Error Backpropagation - Neural network
I am trying to write a code for error back-propagation for neural network but my code is taking really long time to execute. I know that training of Neural network takes long time but it is taking ...
21
votes
3answers
16k views
Difference on performance between numpy and matlab
I am computing the backpropagation algorithm for a sparse autoencoder. I have implemented it in python using numpy and in matlab. The code is almost the same, but the performance is very different. ...
1
vote
2answers
1k views
complex valued neural network (CVNN) error divergence
I am currently working with my undergraduate thesis on complex valued neural network(CVNN).My topic is based on Single-layered complex-valued neural network for real-valued classification problems.I ...
0
votes
1answer
3k views
How to select number of Input layers, hidden layers and output layer using newff in Matlab?
I am using newff for stock price forecasting project, I am trying to setup a Back-propagation feed forward ANN of 4 inputs, 1 hidden layers and 1 output layer (4-1-1). I have read many forums to learn ...
4
votes
1answer
1k views
Octave backpropagation implementation issues
I wrote a code to implement steepest descent backpropagation with which I am having issues. I am using the Machine CPU dataset and have scaled the inputs and outputs into range [0 1]
The codes in ...
2
votes
1answer
11k views
Backpropagation algorithm (Matlab): output values are saturating to 1
I have coded up a backpropagation algorithm in Matlab based on these notes: http://dl.dropbox.com/u/7412214/BackPropagation.pdf
My network takes input/feature vectors of length 43, has 20 nodes in ...
0
votes
0answers
174 views
Error rate in backprop matlab
I'm running the pattern recognition neuralnet toolbox in Matlab, I'm trying to print out the error rates generated by the testing data (15%) of each epoch. How could I possibly do that?
Thanks!
2
votes
1answer
1k views
what “target” do i put in iris dataset nntool matlab?
I am new in using matlab so this might be easy. I am trying to make an iris dataset neural network in matlab using nntool(feed-forward back propagation network). but i cant find out what the target ...
0
votes
2answers
3k views
How to correctly export Weight and Bias value of Backpropagation neural network into another programming language (Java)
I created backpropagation Neural Network using Matlab. I tried to implement XOR gate using Matlab, then getting its weight and bias to create neural network in java. Network consist of 2 input neuron, ...
0
votes
2answers
3k views
what happen in neural net Back propagation in Matlab
I am newbie in MATLAB, I want to verify the online back propagation(BP) code in C. I need to test the code whether it is exactly the same with the same network setting. The network setting is original ...
1
vote
0answers
660 views
Bayesian belief network/system with Fuzzy Clustering neural networks
Many researches have argued that Artificial Neural Networks (ANNs) can
improve the performance of intrusion detection systems (IDS) when
compared with traditional methods. However for ANN-based ...