Machine learning provides computer algorithms that automatically discover patterns in data and make intelligent decisions from them.

learn more… | top users | synonyms

6
votes
0answers
217 views

Audio signal source separation with neural network

What I am trying to do is separating the audio sources and extract its pitch from the raw signal. I modeled this process myself, as represented below: Each sources oscillate in normal modes, often ...
5
votes
0answers
135 views

Decision tree implementation issue in apache spark with java

I'm trying to implement simple demo for decision tree classifier using java and apache spark 1.0.0 version. I base on http://spark.apache.org/docs/1.0.0/mllib-decision-tree.html. So far I've wrote ...
5
votes
0answers
57 views

Learning of Outcome Space Given Noisy Actions and Non-Monotonic Reinforcment

I'm looking to construct or adapt a model preferably based in RL theory that can solve the following problem. Would greatly appreciate any guidance or pointers. I have a continuous action space, ...
5
votes
0answers
512 views

Opencv ML functions want CvFileStorage* instead of cv::FileStorage*

I am using the CvANN_MLP functions from the machine learning libraries in Opencv, and I want to write my trained network to a file. I have been able to do this fine with cv::FileStorage for keypoints ...
5
votes
0answers
326 views

Relational Fisher Kernel Implementation

I was reading the paper on Relational Fisher Kernel which involves Bayesian Logic Programs to calculate the Fisher score and then uses SVM to obtain the class labels for each data item. I don't have ...
4
votes
0answers
56 views

Why does linear svms work well with HoG descriptors?

Ok, almost all applications I have seen that use HoG features use linear svm as classifier. Can someone explain for me why linear svm are chosen and why they give good performance? Are linear svm ...
4
votes
0answers
140 views

error tuning SVM in R

I'm tuning an SVM in R and I receive the following error: #Error in if (any(co)) { : missing value where TRUE/FALSE needed I'm using caret package svmRTune <- ...
4
votes
0answers
162 views

How do you visualize a ward tree from sklearn.cluster.ward_tree?

In sklearn there is one agglomerative clustering algorithm implemented, the ward method minimizing variance. Usually sklearn is documented with lots of nice usage examples, but I couldn't find ...
4
votes
0answers
464 views

grid.py not giving output

I am using LibSVM and I used GRID.py for SVM. But the problem is I ran it grid.py more than hour but it's not giving any output. The error message it gives as follows %%%%%%%%%%%%%%%%%%%%%%% ...
3
votes
0answers
56 views

java-ML ,ArrayIndexOutOfBoundsException: -1

I'm using java-ml to implements SVM , but on : LibSVM libSVM = new LibSVM(); libSVM.setParameters(param); libSVM.buildClassifier(dataset); // <------- (this line) i got this Exception: ...
3
votes
0answers
670 views

Logistic Regression\SVM implementation in Mahout

I am currently working on sentimental analysis of twitter data for one of telecom company data.I am loading the data into HDFS and using Mahout's Naive Bayes Classifier for predicting the sentiments ...
3
votes
0answers
199 views

Classify music to genre with WEKA

I am struggling to actually implement the classifying part of my investigations into the possibility of classifying music according to some features of music files. What I have currently produced is ...
3
votes
0answers
285 views

Using Weka to Classify Author Blog Gender

I am trying to use Weka in Java to classify an author's blog as written by a male or female. I build a class called Weka which defines the attributes to be used in the training set and then calls a ...
3
votes
0answers
538 views

trouble with recurrent neural network algorithm for structured data classification

TL;DR I need help understanding some parts of a specific algorithm for structured data classification. I'm also open to suggestions for different algorithms for this purpose. Hi all! I'm currently ...
3
votes
0answers
333 views

Issues when using randomForest in caret with ROC as optimization metric

I'm having an issue when constructing random forest models using caret. I have a dataset of about 46k rows and 10 columns (one of which is the optimization target). From this dataset, I'm trying to ...
3
votes
0answers
226 views

Error occurring in caret when running on a cluster

I am running the train function in caret on a cluster via doRedis. For the most part, it works, but every so often I get errors at the very end of this nature: error calling combine function: ...
3
votes
0answers
168 views

Random Forest: mismatch between %IncMSE and %NodePurity

I have performed a random forest analysis of 100,000 classification trees on a rather small dataset (i.e. 28 obs. of 11 variables). I then made a plot of the variable importance In the resulting ...
3
votes
0answers
223 views

Strange weka side effect

I have a weka classifier successfully working (in scala). I'm trying to implement a second classifier to work alongside it. During training, I'm setting up the instances for the first classifier like ...
3
votes
0answers
314 views

Regression tree in matlab

I'm trying to implement a gradient tree boosting algorithm in matlab, but I need to control the number of terminal nodes (leaf nodes) in the regression tree. Is there a way to doing so with the ...
2
votes
0answers
38 views

Should I train my weak classifier at each AdaBoost iteration?

I'm rather new to machine learning or even programming itself, so I'm sorry if questions that I'm about to ask don't make much sense. So I've been using 5 different, and not so weak classifiers (5 ...
2
votes
0answers
45 views

scikit-learn svm module and predict function not working

I am trying to get an SVM to work using scikit-learn but cannot get the results I am expecting. I would like to use k-means to classify roughly 2-5 data clusters and then use an SVM to build a model ...
2
votes
0answers
51 views

Pybrain : Training a ActionValueNetwork doesn't properly work

I am trying to train a ActionValueNetwork to train a simple xor function, but the results look like random. """ Reinforcement Learning to learn xor function """ # generic import import numpy as np ...
2
votes
0answers
37 views

Scipy - A better way to avoid manually loop when matrix is sparse

Logistic regression's objective function is and the gradient is where w is a scipy's csr sparse matrix with dim n-by-1. My question is, when I have one scipy's csr sparse matrix and one numpy ...
2
votes
0answers
68 views

NLTK - Multi-labeled Classification

I am using NLTK, to classify documents - having 1 label each, with there being 10 type of documents. For text extraction, I am cleaning text (punctuation removal, html tag removal, lowercasing), ...
2
votes
0answers
53 views

Is the training method of a Convolutional Network still known as deep learning?

In papers such as ImageNet Classification with Deep Convolutional Neural Networks http://www.cs.toronto.edu/~fritz/absps/imagenet.pdf the training method seems to be basic backpropagation with ...
2
votes
0answers
66 views

What is the network size limit in PyBrain?

I have recently constructed a neural network in PyBrain, but ran in to a problem of my network being to big. So what are the exact limits in PyBrain? How can I construct a network with 750000 ...
2
votes
0answers
57 views

Sentiment Analysis API for Multiple Dimensions i.e. Positivity, Emotionality etc

I have big chucks of text in English (avg length 800 words) which I would like to evaluate with a good and reliable sentiment analysis API. Some threads seem to suggest APIs like Alchemy but I would ...
2
votes
0answers
102 views

Handwritten digit recognition with neural network - using RBM

assume there are many training samples of 20x20 pixel'd handwritten digits. I trained them with multi-layered Restriected Boltzmann Machine neural network. The top layer consists of 10-neuron that ...
2
votes
0answers
53 views

Memory issues in R

I am trying to train a k-NN model with a training set which include 350k observations and 3 features (all three are categorical with 40, 50 & 100 levels). I am using knnreg from the caret package ...
2
votes
0answers
132 views

Error in Best Subset selection in R using leaps library

Commands used: library(leaps); t <- read.csv("trainingset2.csv"); regfit.full = regsubsets(self_containment_index ~.,data = t) I get the following error: Error in numeric(nbest * nvmax) : ...
2
votes
0answers
176 views

Theano maximum likelihood for geometric brownian motion

I'm trying to do maximum likelihood estimation (MLE) for a geometric brownian motion with Theano. I know, Theano is primarily a ML library, but it should work... (of course I'm just trying out Theano ...
2
votes
0answers
50 views

Encog Framework not giving acceptable error rate

I have a very small dataset, only 200 rows. I have only 3 columns; the first two are numeric (negative and positive) and the last is letter. I am attempting to classify the last column based on ...
2
votes
0answers
137 views

Java SVM training with images

I have seen questions related to this post but it is little bit confusing. I have gone through kaggle site Here we need to distingush between Dog and cat (Looking into training only). I want to ...
2
votes
0answers
303 views

Implementing deep belief network for topic modelling

I'm trying to implement the deep belief network for the Semantic Hashing article (http://www.cs.toronto.edu/~hinton/absps/sh.pdf) by Geoffrey Hinton and Ruslan Salakhutdinov. I have a hard time ...
2
votes
0answers
335 views

Plotting an ROC curve in glmnet

EDIT: As Dwin pointed out in the comments, the code below is not for an ROC curve. An ROC curve must be indexed in variation in t and not in lambda (as I do below). I will edit the code below when I ...
2
votes
0answers
378 views

Implementation of Affinity propagation in Java code

I've been trying to implement Affinity Propagation in Java for the past week. I did exactly as the original paper by frey and dueck describes yet I do not get good exemplars. The research paper can ...
2
votes
0answers
235 views

How can I infer a new document against Mahout TopicModel output?

Given a topic model from Mahout LDA CVB program/offline batch execution, I like to infer a new document using the model/online web service calls. These documents are not incrediably helpful for ...
2
votes
0answers
103 views

Applying training-set on actual data using weka KnowledgeFlow environment

After going through many tutorials on youtube, could not find an answer... I have two arff files, one with the actual test results, class is numeric 0-48, and the other with a '?' as the class. ...
2
votes
0answers
246 views

What is wrong in this Python code for Regularized Linear Regression?

I wrote code with numpy(theta, X is numpy array): def CostRegFunction(X, y, theta, lambda_): m = len(X) # add bias unit X = np.concatenate((np.ones((m,1)),X),1) H = np.dot(X,theta) ...
2
votes
0answers
86 views

State of the art incremental decision tree learners

What are the state of the art algorithms for incremental decision tree learning? The only algorithm that works well and that I'm aware of is the Domingos-Hulten VFDT and its extensions.
2
votes
0answers
285 views

Error in recursive feature elimination with caret

I am trying to use caret for variable selection and I get an error at the same point with some types of models. I reproduce below one error: "Error in { : task 1 failed - subscript out of bounds" but ...
2
votes
0answers
637 views

randomforest.r predict() function flags up missing data

Hi I am encountering an error using the predict() function in the randomForest.r package. Here is my error: > m<-predict(mdl,QdataTestX) Error in predict.randomForest(mdl, QdataTestX) : ...
2
votes
0answers
578 views

Is there a way to set up a multi-hidden layer neural network with the mlp method in the caret package?

The mlp method in package caret calls the mlp function in RSNNS. In the RSNNS package, I can set up as many hidden layers in the neural net as I like by setting the size parameter, e.g. data(iris) ...
2
votes
0answers
178 views

How to predict behaviour based on weka clustering

I have executed a hierarchical cluster on data which is in following format : userid keyword 1 test 2 tester 3 test 4 thisisatest 5 user There are thousands of entries in this format and when ...
2
votes
0answers
453 views

Vector Quantization Algorithms used to provide observation sequences for Hidden Markov Models

I am currently building a gesture recognition application. I am extracting certain features from the hand (such as [angle of motion, width: length ratio,...]). This is my feature vector. But ...
2
votes
0answers
3k views

Mean shift implementation in C++

Can anyone recommend a lightweight mean shift clustering implementation in C++? I am already using OpenCV, however their mean shift implementation is for tracking, not clustering. I have seen EDISON, ...
2
votes
0answers
596 views

Is there a python implementation for the SMOTE algorithm?

I want to use smote (Synthetic Minority Over-sampling Technique) algorithm in python. I've found implementation in weka and R. Do someone knows an implementation in python? I've found an ...
2
votes
0answers
286 views

Looking for open source Probabilistic Neural Network implementation in Visual C#

Has anybody seen an open source neural network library that implements Donald Specht's Probabilistic Neural Network (PNN) architecture? I've looked at several of the most popular open source neural ...
2
votes
0answers
506 views

Better way to implement a Machine Learning algorithm in Python

I am doing some web scraping. One of the problems I have run into is that the column headings of the tables I am scraping sometimes differ in their language just enough that I am trying to use ...
2
votes
0answers
276 views

LIBSVM Python ctypes string function pointer segmentation faults

I've been porting a Python package that uses libsvm onto some production servers and ran into a strange segmentation fault which I traced to a ctypes function pointer. I'm trying to determine where ...