Questions tagged [nolearn]

nolearn is a Python package with utility functions for machine learning tasks.

nolearn is a package with utility functions for machine learning tasks.

Dependencies:

Resources:

43 questions
2
votes
1 answer

Nolearn raises an index error when running a classification, but not with regression

I'm stuck from several days ago with the problem I'm going to describe. I'm following the Daniel Nouri's tutorial about deep learning: http://danielnouri.org/notes/category/deep-learning/ and I tried to adapt his example to a classification dataset.…
ivallesp
  • 2,018
  • 1
  • 14
  • 21
2
votes
1 answer

Convolutional Neural Network accuracy with Lasagne (regression vs classification)

I have been playing with Lasagne for a while now for a binary classification problem using a Convolutional Neural Network. However, although I get okay(ish) results for training and validation loss, my validation and test accuracy is always constant…
mjacuse
  • 79
  • 1
  • 5
2
votes
2 answers

Theano TensorType error

When I am using nolearn to implement multi-label classification, I got this error: 'Bad input argument to theano function with name "/Users/lm/Documents/anaconda/lib/python2.7/site-packages/nolearn/lasagne/base.p‌​y:391" at index 1(0-based)',…
Kun
  • 581
  • 1
  • 5
  • 27
2
votes
2 answers

nolearn for multi-label classification

I tried to use DBN function imported from nolearn package, and here is my code: from nolearn.dbn import DBN import numpy as np from sklearn import cross_validation fileName = 'data.csv' fileName_1 = 'label.csv' data = np.genfromtxt(fileName,…
Kun
  • 581
  • 1
  • 5
  • 27
2
votes
1 answer

Neural network for more than one class not working

I am trying to use a Neural network for a classification problem. I have 6 possible classes and the same input may be in more than one class. The problem is that when I try to train one NN for each class, I set output_num_units = 1 and on train, I…
Adriano Almeida
  • 5,186
  • 5
  • 20
  • 28
2
votes
1 answer

Can I use multiple labels for one feature vector with Lasagne?

I have a semantic segmentation problem where it would be very nice if I could have multiple labels for one feature vector. So I have some parts of my data which belong to class 1, 2 AND 3 (and others which belong to only one class, some to no class…
Martin Thoma
  • 124,992
  • 159
  • 614
  • 958
1
vote
1 answer

Approximating a simple sin() function with lasagne

I'm trying lasagne and the nolearn NeuralNet function to approximate a simple sin function. After all, neural nets are proven to be universal approximators, so I wanted to try lasagne on a simple non-linear function to show that fact experimentally.…
Jorge del Val
  • 111
  • 1
  • 3
1
vote
1 answer

How to get values of neurons on layer? Python-nolearn

I have neural network created with using nolearn library. net = NeuralNet( layers=[ ('input', layers.InputLayer), ('conv1', layers.Conv2DLayer), ('pool1', layers.MaxPool2DLayer), ('dropout1', layers.DropoutLayer), ('conv2',…
1
vote
0 answers

Speedup nolearn function for occlusion heat maps

I'd like to use nolearn's occlusion_heatmap function. However, since it takes 2-3 seconds to create a single heat map this approach is not practical for my data set with several thousand images. I assume that one could speedup the function by…
rldw
  • 145
  • 2
  • 9
1
vote
0 answers

nolearn auto add hidden layers

Trying to add more hidden layers to my neural network so I can compare the precision score of different layers using the same learn rates and momentum etc. So I have the following: from nolearn.dbn import DBN from sklearn.cross_validation import…
1
vote
2 answers

removing bias from neural network layer

I want to remove the bias parameter. I tried to include thebias=None where I define my neural net, but it didn't work. net1 = NeuralNet( layers=[ # three layers: one hidden layer ('input', layers.InputLayer), #('hidden',…
MAS
  • 4,503
  • 7
  • 32
  • 55
1
vote
0 answers

How can you train multiple neural networks simultaneously in nolearn/lasagne/theano on Python?

I am writing a calibration pipeline to learn the hyperparameters for neural networks to detect properties of DNA sequences*. This therefore requires training a large number of models on the same dataset with different hyperparameters. I am trying to…
Andrew Steele
  • 493
  • 6
  • 16
1
vote
2 answers

Theano TypeError

I am reading jpg images and then reshaping them into a tensor. I am casting the images as float32: def load(folder,table): X=[] train = pd.read_csv(table) for i,img_id in enumerate(train['Image']): img = io.imread(folder+img_id[2:]) …
MAS
  • 4,503
  • 7
  • 32
  • 55
1
vote
2 answers

How to Store Lasagne Neural Network Object

I am trying to train a CNN using Lasagne and NoLearn. After, the learning is over, I want to store the neuralnetwork parameters. Specifically, nn = net1.fit(X_train, y_train) # train neural net with open('nn.pickle', 'wb') as f: …
1
vote
2 answers

Installing nolearn (python machine learning) results in error

I am attempting to install nolearn, a python machine learning library (based upon theano and lasagne), and am receiving an unusual error (note: the command is the first step in installing nolearn as install docs): COMMAND: sudo pip install -r…
Eric Broda
  • 6,701
  • 6
  • 48
  • 72