NeuPy is a Python library for Artificial Neural Networks and Deep Learning that uses Theano as a backend.
Questions tagged [neupy]
22 questions
9
votes
1 answer
Python, why is my probabilistic neural network (PNN) always predicting zeros?
I'm working with Python 2.7.5 on Linux CentOS 7 machine.
I'm trying to apply a probabilistic neural network (PNN) my dataset, to solve a binary classification problem.
I'm using the following Python packages: numpy, sklearn, neupy.algorithms.
I'm…

DavideChicco.it
- 3,318
- 13
- 56
- 84
4
votes
1 answer
Levenberg-Marquardt algorithm with GPU support
For the shallow neural net, the LM algorithm does amazingly well.
However, only MatLab and pyrenn (Python package) seems to have a robust implementation of it. A problem with both of these implementation is that they do not have GPU support for it.…

psimeson
- 205
- 2
- 6
2
votes
0 answers
Neupy custom activation function
I am trying to create a custom activation layer base on the MNIST example in Neupy. However, once I apply my custom layer to the network, it stops training. For my custom function, I want to make the input value from a floating point value to a…

Kai Chan
- 31
- 2
1
vote
0 answers
Getting same results for probabilistic neural network in Python and R
I'm new to Neural Networks so please be patient with me. I'm trying to replicate in Python a Probabilistic neural network from R. For replication purposes I'm using the well-known iris dataset from sklearn.datasets.
As you can see in the Python…

Cappo
- 66
- 7
1
vote
1 answer
Saving and loading neupy algorithm with dill library can return different predictions for the same time period?
First of all thank you for reading this, and thank you in advance if you can help.
This is the algorithm that I´m using for supervised learning:
# Define neural network
cgnet = algorithms.LevenbergMarquardt(
connection=[
…

Manuel Almeida
- 183
- 2
- 9
1
vote
1 answer
How to get the points being represented by a neuron using Neupy
I'm using neupy to get a set of neurons with following code:
All = pd.read_csv("inputfile.csv")
df = pd.DataFrame(All)
coords = df.as_matrix(columns=['lat', 'lng'])
sofmnet = algorithms.SOFM(n_inputs=2,
n_outputs=4,
…

user6642903
- 31
- 3
1
vote
0 answers
slow performance of neupy
I have Python3.6.4 and neupy 0.6.4. I have hone thru toturial on neupy page http://neupy.com/2015/07/04/boston_house_prices_dataset.html#boston-house-price, times that was shown on page were much shorter then times printed on my PC.
Total execution…

Bartłomiej Bartnicki
- 1,067
- 2
- 14
- 30
1
vote
1 answer
Getting NaN as a result using neupy
I am using numpy genfromtxt to load csv file.
The first 4 columns are features while last column is target data.
When I run the code, I am getting nan rmse result.
Could anyone explain why?
X = dataset[:,0:4]
y = dataset[:,4]
x_train, x_test,…

merve
- 11
- 3
1
vote
2 answers
Trainable, Multi-Parameter Activ. Function (RBF) NeuPy / Theano
How do I implement a custom activation function (RBF kernel with mean and variances adjusted by gradient descent) in Neupy or Theano for use in Neupy.
{Quick Background: Gradient Descent works with every parameter in the network. I want to make a…

10donovanr
- 93
- 12
1
vote
1 answer
GRNN using neupy
Im trying to figure out how to configure a neural network using Neupy. The problem is that I cant seem to find much options for a GRNN, only the sigma value as described here:
There is a parameter, y_i, that I want to be able to adjust, but there…

user3207377
- 95
- 1
- 1
- 8
1
vote
1 answer
NeuPy: Input shapes issues
I want to build a neural network using neupy.
Therefore I consturcted the following architecture:
network = layers.join(
layers.Input(10),
layers.Linear(500),
layers.Relu(),
…

Tobias Schäfer
- 1,330
- 2
- 17
- 35
1
vote
1 answer
Overflow error using LMS algorithm from Neupy with example
I tried the example for LMS algorithm:
import numpy as np
from neupy import algorithms
input_data = np.array([[1, 0], [2, 2], [3, 3], [0, 0]])
target_data = np.array([[1], [0], [0], [1]])
lmsnet = algorithms.LMS((2, 1),…

F430gx
- 11
- 3
1
vote
1 answer
Python Neupy install : no lapack/blas resources found
I cannot install the package Neupy. I work with Python 3.5 and Windows 10..
I tried to clone it from the source code as follows:
git clone https://github.com/itdxer/neupy.git
cd neupy
python setup.py install
Here the error I got:
non-existing path…

Spikist
- 49
- 7
1
vote
1 answer
Neupy neural network issues
I'm trying to train / use a convolutional neural network with neupy library for a project, but I'm getting errors in the training phase.
I have many images (rgb, shape=66, 160, 3) and I split them in the training and test sets. Then I'm trying to…

jorgelamb
- 45
- 8
1
vote
1 answer
Crashing RAM using memmap in Oja rule
I am using oja's rule on dataset of size 400x156300. It seems to crash my RAM. I am not sure what is causing this. Please help.
I have 12 GB of RAM.
Tried using memmap but still crashing!!
#convert memmap and reduce…

Abhishek Bhatia
- 9,404
- 26
- 87
- 142