Questions tagged [mlp]

Tag for questions about Multi layer perceptrons (MLP). It is a class of feedforward artificial neural network. Multilayer perceptrons are sometimes colloquially referred to as "vanilla" neural networks, especially when they have a single hidden layer

275 questions
1
vote
2 answers

Outputting the prediction scores from MLP keras inferencing

Following the keras tutorial MLP classification here: https://keras.io/examples/nlp/multi_label_classification/. I am able to successfully train a model and print out the top 3 predicted labels using the code below. I would also like to print out…
noob_23
  • 137
  • 1
  • 9
1
vote
1 answer

Python argmax of dot product of weighted matrix and vector (mnist)

What does argmax mean in this context? I am following the tutorial in this colab notebook: https://colab.research.google.com/github/chokkan/deeplearningclass/blob/master/mnist.ipynb for x, y in zip(Xtrain, Ytrain): y_pred =…
pav
  • 59
  • 1
  • 12
1
vote
0 answers

Combine encoder with mlp in julia Knet

I want to train first a autoencoder (works) and then use the pretrained encoder and add a mlp for classification. I tried writing a struct but. I use also the package NNHelferlein. My matrix is x_pN=(22283,440) with numbers from 0 to 1 (its fine to…
Clara
  • 11
  • 3
1
vote
1 answer

Is possible to build a MLP model with the tidymodels framework?

According to documentation, there are three engines for fitting MLP models in tidymodels, but all of them (as I understand) can define only one hidden layer. Am I missing some engine, incorporated in the tidymodels ecosystem, that makes available…
dzegpi
  • 554
  • 5
  • 14
1
vote
0 answers

How to create ROC curve for different classifier in Weka or excel

I have a array of sensitivity and specificity values for positive class for different classifiers. I want to create one ROC curve for each classifier. For example Sensitivity specificity ROC NB …
Encipher
  • 1,370
  • 1
  • 14
  • 31
1
vote
0 answers

Why does my multilayer perceptron read the same digit every time?

I created a multilayer perceptron from scratch to demonstrate backpropagation. It is meant to identify handwritten digits provided by the MNIST database. However the machine runs into two issues that I can't trace the source of: Firstly, the machine…
Wesley Low
  • 11
  • 1
1
vote
0 answers

MLP classifier results in different models using almost identical data

I am simulating soccer predictions using scikit-learns MLP classifier. Two model trainings using almost identical data (the second one contains 42 more rows out of 5466 total) and configuration (e.g. random_state) results in the below…
AndreasInfo
  • 1,062
  • 11
  • 26
1
vote
0 answers

Neural Network Always Predicting Average Value

I'm trying to train a neural network to approximate a known scalar function of two variables; however, no matter the parameters of my training, the network always just ends up simply predicting the average value of the true outputs. I am using an…
SleekEagle
  • 53
  • 3
1
vote
1 answer

PyTorch infinite loop in the training and validation step

Dataset and DataLoader's parts are ok, I recycled from another code that I built, but got an infinite loop at that part in my code: def train(train_loader, MLP, epoch, criterion, optimizer): MLP.train() epoch_loss = [] for batch in…
Nilon
  • 43
  • 6
1
vote
1 answer

Optimization variables of a neural network model with simulated annealing

I implement an MLP neural network model on the data, for optimization 4 variables a function base on the MLP model is defined, and simulated annealing run on this function. I don't know why I get this error (attached below). Neural network code: #…
1
vote
0 answers

DimensionMisMatch Error Just Before Training

I’m trying to train a MLP model to predict number of real roots of polynomials. x_train and y_train include array of arrays such as [[-204, 20, 13, 1, 0]] which are coefficients of polynomials. x_test and y_test include number of real roots of each…
skywalker
  • 19
  • 4
1
vote
1 answer

Using MLP for Feature Extraction and Dimension Reduction

I'm trying to build a model that use MLP for feature extraction and dimension reduction. The model could transform the data from 204 dimensions to 80 dimensions after this process. The proposed model is as follows: A 512 dimension dense layer with…
Zimu Wang
  • 77
  • 1
  • 3
1
vote
0 answers

Quasi-Newton method implementation not working properly

I generated my dataset based on the following equation. y = 3*(x1) + 5*(x2)**3 I took the training code from the following website. http://neupy.com/modules/generated/neupy.algorithms.QuasiNewton.html#neupy.algorithms.QuasiNewton I applied linear…
1
vote
0 answers

Extraction of Data after using one hot encoder technique

I have a dataset which I have mobile names with their models. I want to basically extract those mobile names which have same model using AI Algorithm. For models, I have used One Hot Encoder technique and I have dataset like this: Afterwards, I…
1
vote
1 answer

MLP with vectors only and backprop issue

I have an interest in AI and start learning about it. I try to implement a MLP class based on vectors only but it does not work properly. The feed forward function seems to be OK, but apparently I have a lack of understanding regarding the back…
Vct Hst
  • 21
  • 2