Classification Questions
Ad
change deployed artifact name based on profile
I have in a web application's pom file, a build profile, which does some necessary things (in my code) for qa testing. i have this code on
skmultiLearn classifiers predictions always return 0
I'm pretty new with skmultilearn, now i use this for 'chinese' documents multiple label classification. the training dataset is quite small(like
Knapsack Problem: Replaces all items with value
I am trying to solve the knapsack problem by applying my own algorithm. i give each item a score (values[i] - weights[i]) and add high score items
Why is the results different in getting the top predications in sklearn in python?
I have a dataset with 1000 data points. each data point is assigned label 1 or 0 as follows. my
How to rank the instances based on prediction probability in sklearn
I am using sklearn's support vector machine (svc) as follows to get the prediction probability of my instances in my dataset as
Determine which subset of points follows a polynomial most closely
I am currently trying to classify a bunch of rivers in regard to their behavior. many of the rivers have a behavior that is very similar to a
SpaCy - ValueError: operands could not be broadcast together with shapes (1,2) (1,5)
In relation to the previous post on stackoverflow
How to get top n prediction labels from classifier.predict_proba() output?
I am trying to get top n predicted labels of a text based multi-label classification problem as a list for a particular record. i have
How to use time-series data in classification in sklearn
I have a time-series dataset as follows where i record 2 time-series for each of my sensors. the label column depicts if the sensor
How should I go about using TF-IDF for text classification on the data I collected?
I'm working on a personal project to build a text classifier. i scraped around 3000 news articles from 8 categories. i have every single word in
Ad
Implementing OneRule algorithmn in javascript
Oner, short for "one rule", is a simple yet accurate classification algorithm that generates one rule for each predictor in the data, then selects
Keras MLP classifier not learning
I have a data like this
I get isnan error when I merge two countvectorizers
I'm going dialect text classification and i have this code: from sklearn.naive_bayes import multinomialnb from
How do I calculate the ADI and COV of time series data using SQL?
I'm trying to classify time series data using sql. i have data for a reference data point that occurs over 3 years. so the reference occurs 36
Python: float() argument must be a string or a number, not 'pandas._libs.interval.Interval'
I am trying to do the machine learning practice problem of loan prediction from analytics vidhya. when i am using a random forest classifier, it
IndexError: index 917 is out of bounds for axis 0 with size 11, on npargmax in tensorflow
I am using the example here to classify
'Multiclass-multioutput is not supported' Error in Scikit learn for Knn classifier
I have two variables x and y. the structure of x (i.e an np.array): [[26777 24918 26821 ... -1 -1 -1] [26777
NLP - which technique to use to classify labels of a paragraph?
I'm fairly new to nlp and trying to learn the techniques that can help me get my job done. here is my task: i have to classify stages of
Load a plain text file into PyTorch
I have two separate files, one is a text file, with each line being a single text. the other file contains the class label of that corresponding
Classification accuracy based on single Feature set
I am trying to classify data based on prespecified labels. got two columns and shown below: room_class
AttributeError: 'MultiOutputClassifier' object has no attribute 'classes_'
I want to get prediction probabilities for each class of each output. but the classes_ attribute does not exist on the
Ad
Intent classification with large number of intent classes
I am working on a data set of approximately 3000 questions and i want to perform intent classification. the data set is not labelled
element 0 of tensors does not require grad and does not have a grad_fn
I am trying to apply reiforcement learning mechanism to classification tasks. i know it is useless thing to do because deep learning can
Predict multi class in svm
I have user review dataset like review-1, 0,1,1,0,0 review-1 is user review and
How to approach variable image sizes for Image Classification?
I am working on classification of brain tumors. the dataset is comprised of brain images from various angles, with a border and mask of the tumor
Predicting values using trained MNB Classifier
I am trying to train a model for sentiment analysis and below is my trained multinomial naive bayes classifier returning an accuracy of 84%.
Using SVM on top of CNN extracted features - How to do Multi-Class classification?
In mnist data set, there's 10 classification output. now, i like to using svm as a classifier for this classification task. i
Inverse ROC-AUC value?
I have a classification problem where i need to predict a class of (0,1) given a data. basically i have a dataset with more than 300 features
Simple Convolutional Neural Network can't reduce it's cost
I made my first cnn using tensorflow. the objective is to recognize if there is a dog or a cat in a black-white photo with 100x100 pixels. the
How to handle text classification problems when multiple features are involved
I am working on a text classification problem where multiple text features and need to build a model to predict salary range. please refer the
Multiclass SVM failed to use 20 News Group Dataset
I'm trying to use multiclass svm code from mblondel
About evaluation method of classification
I am still a beginner studying machine learning for the first time. i am dealing with problem of 4 class classification in my research. i would
Ad
ValueError: Error when checking input: expected flatten_1_input to have shape (4, 4, 512) but got array with shape (128, 128, 3)
I have the following code for an image classification problem. and i keep running into this error: valueerror: error when checking
Transform pandas Data Frame to use for MultiLabelBinarizer
My question is: how can i transform a data frame like this to eventually use it in scikit's mulitlabelbinarizer: d1 =
Keras multi-step LSTM batch train classification at each step
Question how to batch train a multi-step lstm in keras for single-label multi-class classificaiton, at each time-step for
Multiclass Text Classification in Python
I am trying to create a multiclass text classifier as explained
Make prediction from Pandas DataFrame
I am very new to datascience/pandas in general. i mainly followed
Why does sigmoid & crossentropy of Keras/tensorflow have low precision?
I have the following simple neural network (with 1 neuron only) to test the computation precision of sigmoid activation &
What is 'filename' in the code of Transfer Learning using MNIST dataset?
The code for classification of mnist dataset using transfer learning is given in the link
Keras LSTM predict two features from one input in Text classification?
I have x as text, with two different labels(columns) to train. --input.csv-- content, category, rate text test, 1, 3 new test, 2,
memory issues when transforming np.array using to_categorical
I have a numpy array like this: [[0. 1. 1. ... 0. 0. 1.] [0. 0. 0. ... 0. 0. 1.] [0. 0. 1. ... 0. 0. 0.] ... [0. 0. 0. ... 0.
Keras functional API: fitting and testing model that takes multiple inputs
I build a keras model that has 2 branches, each taking a different feature representation for the same data. the task is classifying sentences
Image classification: Best approach to training the model
Given a model that has to classify 10 table-cloth items (spoons, forks, cups, plate etc,) and must be tested on an image of a table with all the
Ad
NameError: name 'image' is not defined
I am getting the error in the post title when i attempt to run a pretrained mobilenet classification. the image i am using to run the script is
True Positive Rate and False Positive Rate (TPR, FPR) for Multi-Class Data in python
How do you compute the true- and false- positive rates of a multi-class classification problem? say, y_true = [1, -1, 0, 0, 1,
tf.argmax() for more than one index Tensorflow
In tensorflow, tf.argmax() returns the index of the greatest element in an array. however, for multi-label classification tasks, a
sklearn SVM custom kernel raise ValueError: X.shape[0] should be equal to X.shape[1]
I'm trying to implement a custom kernel, precisely the exponential chi-squared kernel, to pass as parameter to sklearn svm function, but when i
How can I visualize border/decision function of two classes using scikit-learn
I am pretty new in machine learning, so i still don't understand how i can visualize the border between 2 classes in bag of words case. i
Numpy : convert labels into indexes
Is it possible to convert a string vector into an indexed one using numpy ? suppose i have an array of strings like
Checking Accuracy of GradientBoostingClassifier when predicting class probabilities
While working with gradientboostingclassifiers, i'm trying to obtain the probability of the classes the model has predicted for which i use the
keras neural network giving float ouputs but i need boolean outputs
This is my code loaded the pre-trained weights and embedding matrices from __future__ import print_function import numpy as np
Cannot find symbol for makeCopy method in weka java
I am trying to modify cross validation code developed by weka in this
Predict probabilities using SVM
I wrote this code and wanted to obtain probabilities of classification. from sklearn import svm x = [[0, 0], [10,
reshape machine learning input data for different algorithms
I am experimenting in sklearn learn classification with some nltk type tutorials. can someone help me understand why the
Ad
Why do we have to embed columns in Deep Neural Network but not in Linear Classifier in tensorflow?
I do understand the reason for the conversion in dnn part because we have to convert our features into numbers to feed the network. however, i did
Supervised learning for time series data
I have following time series data.i want to use classification model.for independent variable i want to pass an array of previous 5 values of
Classifier for colors in image
I have this image.
Nested list after making a keras prediction
I used the following to make predictions from my keras model: # fit the keras model on the dataset ker_model.fit(xtrain, ytrain,
Why do predictions and scores return different results in classification using scikit-learn?
I wrote a very simple multiclass classifier based on the iris dataset. this is the code: import numpy as np from sklearn.datasets
Change Sklearn Make Classification Classes
Using make_classification from sklearn for a binary classification problem, i get labels 0 and
How to handle Naive Bayes Classifier when keywords are not present in training set
I am trying to implement a simple naive bayes classifier, on training i observed that if keywords (prediction) belongs to both class
access to numbers in classification_report - sklearn
This is a simple example of classification_report in sklearn from sklearn.metrics import
I'm having an error building my application in android studio
Enter image description here // this is the
Do I have to do feature selection prior to applying my machine learning algorithm?
My question is, does the machine learning algorithm takes care of selecting the best features in my data ? or shall i do
Ad
Blog Categories
Ad