Questions tagged [classification]

In machine learning and statistics, classification is the problem of identifying which of a set of categories a new observation belongs to, on the basis of a training set of data containing observations whose category membership (label) is known.

In machine learning and statistics, classification refers to the problem of predicting category memberships based on a set of pre-labeled examples. It is thus a type of supervised learning.

Some of the most important classification algorithms are support vector machines , logistic regression, naive Bayes, random forest and artificial neural networks .

When we wish to associate inputs with continuous values in a supervised framework, the problem is instead known as . The unsupervised counterpart to classification is known as (or cluster analysis), and involves grouping data into categories based on some measure of inherent similarity.

7859 questions
2
votes
1 answer

How to convert 2-dimensional data into 3-D (Non-linear data)?

I have created synthetic data like , X, Y = make_classification(n_features=2,n_samples=100, n_redundant=0, n_informative=1, n_clusters_per_class=1, class_sep=0.001,weights= [0.8,0.2] ,n_classes=2…
2
votes
1 answer

Eli5 explain_weights does not returns feature_importance for each class with sklearn Random Forest classifier

I am using the eli5 explain_weights function on a Random Forest classifier from scikit-learn. I have seen in the eli5 documentation (pp. 30-31) that this function is able to return feature importance (mean weight + standard deviation) for each class…
G.L
  • 128
  • 8
2
votes
1 answer

predict_classes returning a conflicting shape for a LSTM classification model

I have quite a bit of trouble understanding the expected shape of the input/output for an LSTM problem. Specifically for this example I have 386 of length 100 each containing 14 features. For each such sequence, I need only predict whether it is in…
J Doe
  • 23
  • 4
2
votes
0 answers

MultiLabelling to recognize subclasses for multi object detection in images

I'd would like to classify objects (dices in particular) with a method based on YOLO, or Faster RCNN. I'm using my own database, and I would like to label my images in order to pass it to my model. However, I was thinking of using LabelImg to do so,…
2
votes
1 answer

In training a Faster R-CNN model - What does 'epoch_length' mean?

Inorder to train a frcnn model you need to define two arguments, num_epochs epoch_length The default value is 1000 for epoch_length. Additionally, if I have 500 num_epochs, then each epoch is 1000 steps long. In this article it states that 'Note…
2
votes
1 answer

Problem getting the labels of training-set

I have used train_test_split function to divide my data into X_train, X_test, y_train, y_test, and then used utils.data.DataLoader to feed it to my CNN but the problem is that I do not know how to access my labels tensor for making a confusion…
2
votes
1 answer

How can I load this data into a LSTM?

Classification problem: Data is split into two folders. The CSVs include only the data. The code for my example model is: model = Sequential() model.add(CuDNNLSTM(3, input_shape=(None, 3),…
devnull
  • 430
  • 2
  • 10
2
votes
1 answer

Classification report in scikit learn

I want to classify faults and no-fault conditions for a device. Label A for fault and label B for no-fault. scikit-learn gives me a report for classification matrix as : precision recall f1-score support A 0.82 0.18 …
2
votes
0 answers

What is the best way to implement modified bagging?

I am trying to implement modified bagging classifier like this. what is the best way to implement this modified classifier?Is it possible to implement this with sklearn packages?If the answer is yes how can do this? for more details about this…
2
votes
0 answers

using ConvLSTM for classification (recognize if song was made by X singer)

My task is to make a model predicting if a given song was made by previously specified singer (let's say Elvis Presley) or not. After reading a file in flac format, I have applied MFCC and 2 dimensional ndarray was returned. My idea was to use conv…
2
votes
1 answer

TensorFlow: classify image

I am following the tutorial regarding image classification with TensorFlow 2.0: https://www.tensorflow.org/tutorials/images/classification The tutorial shows how to build and train a model, but I do not understand, how to actually use the…
2
votes
3 answers

How to input audio data into deep learning algorithm?

I'm very new in deep learning, and I'm targeting to use GAN (Generative Adversarial Network) to recognize emotional speech. I've only known images being as inputs to most deep learning algorithms, such as GAN. but I'm curious as to how audio data…
2
votes
3 answers

Proper use of "class_weight" parameter in Random Forest classifier

I have a multi-class classification problem for which I am trying to use a Random Forest classifier. The target is heavily unbalanced and has the following distribution- 1 34108 4 6748 5 2458 3 132 2 37 7 11 6 …
Arun
  • 2,222
  • 7
  • 43
  • 78
2
votes
2 answers

How to shrink a bag-of-words model?

The question title says it all: How can I make a bag-of-words model smaller? I use a Random Forest and a bag-of-words feature set. My model reaches 30 GB in size and I am sure that most words in the feature set do not contribute to the overall…
2
votes
0 answers

Classification Module from Capsule Network Code

Refer to the Capsule Network Code, I am using just the classification module from the mentioned code, So following is the complete classification code that I extracted from the link. from __future__ import division, print_function,…
Naseer
  • 4,041
  • 9
  • 36
  • 72