Questions tagged [multiclass-classification]

776 questions
0
votes
1 answer

How to use classification Learner in my environment?

I am working on facial expression recognition. i made a dataset contain features & classes of 213 images. Step1: Each row of my dataset represents the features of 1 image. so for 213 images 213 rows Step2: the last column represents classes…
0
votes
1 answer

ValueError: The number of class labels must be greater than one in Passive Aggressive Classifier

I am trying to implement an online classifier using the 'passive agressive classifer' in scikit learn with the 20 news grops dataset. I am very new to this, thus I am not sure if I have implemented this properly. That being said, I developed a samll…
0
votes
1 answer

AUC for multiclass classification

Let's assume that we have a classification problem with 3 classes and that we have highly imbalanced data. Let's say in class 1 we have 185 data points, in class 2 199 and in class 3 720. For calculating the AUC on a multiclass problem there is the…
BlackHawk
  • 719
  • 1
  • 6
  • 18
0
votes
1 answer

How to understand output from a Multiclass Neural Network

Built a flow in Azure ML using a Neural network Multiclass module (for settings see picture). Some more info about the Multiclass: The data flow is simple, split of 80/20. Preparation of the data is made before it goes into Azure. Data looks…
0
votes
1 answer

How do you treat multi-class classification use case?

I have a list of labelled text. Some have one label, others have 2 and some have even 3. Do you treat this as a multi-class classification problem?
gannina
  • 173
  • 1
  • 8
0
votes
1 answer

Balanced random forest in R using H2O

Due to the fact that I'm currently working on a highly unbalanced multi-class classification problem, I'm considering balanced random forests (https://statistics.berkeley.edu/sites/default/files/tech-reports/666.pdf). Do you have some experience…
Flo
  • 1
  • 1
0
votes
1 answer

Modify multiclass predictions array of Sequential model to match KerasClassifier

I understand that using dataframe = pandas.read_csv("IrisDataset.csv", header=None) dataset = dataframe.values X = dataset[:,0:4].astype(float) Y = dataset[:,4] # encode class values as integers encoder = LabelEncoder() encoder.fit(Y) encoded_Y =…
Chrisa4
  • 39
  • 9
0
votes
2 answers

glmnet multinomial logistic regression prediction result

I'm building a penalized multinomial logistic regression, but I'm having trouble coming up with a easy way to get the prediction accuracy. Here's my code: fit.ridge.cv <- cv.glmnet(train[,-1], train[,1], type.measure="mse", alpha=0, …
ajax2000
  • 711
  • 2
  • 10
  • 23
0
votes
1 answer

Convert mono-label Classifier into multi-label classifier

Hi guys ! To resume my problem : I have a simple image classifier (2conv + 2fc) which is doing a great job on my dataset (95% acc) . However i was ask to made it a multi-label classifier which was done by changing : self.cost =…
0
votes
1 answer

Mlogloss value in catboost starts negative and increases

I am running catboost classifier with catboost using settings: model = CatBoostClassifier(iterations=1000, learning_rate=0.05, depth=7, loss_function='MultiClass',calc_feature_importance=True) I have 5 classes and it starts from -ve values and…
muni
  • 1,263
  • 4
  • 22
  • 31
0
votes
2 answers

How do I parallelize this using Python multiprocessing?

I've coded a 1 vs rest classifier in Python that trains 11 different classifiers, one for each class. The code is shown below: def onevsrest(X_train,y_train,lamb): beta=[] beta_init=np.zeros(X_train.shape[1]) for i in range(1,12): …
0
votes
1 answer

Tensorflow confusion matrix for multiclass classification

Thanks for your help. I am coding a multiclass binary classifier for facial actions (such as raised eyebrow, parted lips), and I want to make a confusion matrix. There are 6 facial actions and 593 samples. I'm getting this error: I'm getting this…
0
votes
1 answer

sklearn.metrics.classification_report support field is showing wrong number for the labels

I am using sklearn.metrics.classification_report to evaluate the result of my classification. y_pred = np.argmax(model.predict(X_test), axis=1) y_true = np.argmax(y_test, axis=1) print(classification_report(y_true, y_pred,…
0
votes
1 answer

How to train on 70k images using Tensorflow

I am new to tensorflow and machine learning. I have a training set of 55k images which are divided into 40 different categories. Some categories have ~2000 images while others have ~20k images. Each image is 1080x1440 in resolution. I am retraining…
0
votes
0 answers

customise evaluation of multi-class classifier with H2O

I would like to build a do my performance evaluation on top 3 predictions (by that, I mean, top N classes that are the most probable to assign an item, within a cross-validation). Of course, I can keep the cross-validation result, go through each…
Areza
  • 5,623
  • 7
  • 48
  • 79