Supervised learning is the machine learning task of inferring a function from labeled training data. The training data consist of a set of training examples. In supervised learning, each example is a pair consisting of an input object (typically a vector) and a desired output value (also called the supervisory signal). A supervised learning algorithm analyzes the training data and produces an inferred function, which can be used for mapping new examples.
Questions tagged [supervised-learning]
542 questions
293
votes
27 answers
What is the difference between supervised learning and unsupervised learning?
In terms of artificial intelligence and machine learning, what is the difference between supervised and unsupervised learning?
Can you provide a basic, easy explanation with an example?

TIMEX
- 259,804
- 351
- 777
- 1,080
119
votes
20 answers
Scikit-learn: How to obtain True Positive, True Negative, False Positive and False Negative
My problem:
I have a dataset which is a large JSON file. I read it and store it in the trainList variable.
Next, I pre-process it - in order to be able to work with it.
Once I have done that I start the classification:
I use the kfold cross…

Euskalduna
- 1,517
- 2
- 13
- 12
40
votes
6 answers
Can anyone give a real life example of supervised learning and unsupervised learning?
I recently studied about supervised learning and unsupervised learning. From theory, I know that supervised means getting the information from labeled datasets and unsupervised means clustering the data without any labels given.
But, the problem is…

krupal
- 854
- 2
- 11
- 17
34
votes
2 answers
Convolutional Neural Network (CNN) for Audio
I have been following the tutorials on DeepLearning.net to learn how to implement a convolutional neural network that extracts features from images. The tutorial are well explained, easy to understand and follow.
I want to extend the same CNN to…

moeabdol
- 4,779
- 6
- 44
- 43
29
votes
8 answers
Calculate sklearn.roc_auc_score for multi-class
I would like to calculate AUC, precision, accuracy for my classifier.
I am doing supervised learning:
Here is my working code.
This code is working fine for binary class, but not for multi class.
Please assume that you have a dataframe with binary…

Aviade
- 2,057
- 4
- 27
- 49
19
votes
2 answers
Naive Bayes vs. SVM for classifying text data
I'm working on a problem that involves classifying a large database of texts. The texts are very short (think 3-8 words each) and there are 10-12 categories into which I wish to sort them. For the features, I'm simply using the tf–idf frequency of…

Ryan
- 7,621
- 5
- 18
- 31
19
votes
2 answers
what is distant supervision?
According to my understanding, Distant Supervision is the process of specifying the concept which the individual words of a passage, usually a sentence, are trying to convey.
For example, a database maintains the structured relationship concerns(…

smatthewenglish
- 2,831
- 4
- 36
- 72
17
votes
2 answers
How to compute precision,recall and f1 score of an imbalanced dataset for K fold cross validation?
I have an imbalanced dataset containing a binary classification problem. I have built Random Forest Classifier and used k-fold cross-validation with 10 folds.
kfold = model_selection.KFold(n_splits=10,…

Jayashree
- 811
- 3
- 13
- 28
15
votes
4 answers
What is the difference between X_test, X_train, y_test, y_train in sklearn?
I'm learning sklearn and I didn't understand very good the difference and why use 4 outputs with the function train_test_split().
In the Documentation, I found some examples but it wasn't sufficient to end my doubts.
Does the code use the X_train to…

Jancer Lima
- 744
- 2
- 10
- 19
15
votes
2 answers
Can a model have both high bias and high variance? Overfitting and Underfitting?
As I understand it when creating a supervised learning model, our model may have high bias if we are making very simple assumptions (for example if our function is linear) which cause the algorithm to miss relationships between our features and…

Alaa Awad
- 3,612
- 6
- 25
- 35
13
votes
2 answers
Time Series Ahead Prediction in Neural Network (N Point Ahead Prediction) Large Scale Iterative Training
(N=90) Point ahead Prediction using Neural Network:
I am trying to predict 3 minutes ahead i.e. 180 points ahead. Because I compressed my time series data as taking the mean of every 2 points as one, I have to predict (N=90) step-ahead…

alper
- 2,919
- 9
- 53
- 102
12
votes
3 answers
metric learning and contrastive learning difference
I researched some materials,and know that the goal of contrastive learning and metric learning are both to learn such an embedding space in which similar sample pairs stay close to each other while dissimilar ones are far apart. But what is the…

JustinGong
- 399
- 1
- 4
- 17
12
votes
3 answers
Why Gaussian radial basis function maps the examples into an infinite-dimensional space?
I've just run through the Wikipedia page about SVMs, and this line caught my eyes:
"If the kernel used is a Gaussian radial basis function, the corresponding feature space is a Hilbert space of infinite dimensions."…

PDani
- 675
- 1
- 6
- 15
10
votes
2 answers
Use pretrained model with different input shape and class model
I am working on a classification problem using CNN where my input image size is 64X64 and I want to use pretrained model such as VGG16,COCO or any other. But the problem is input image size of pretrained model is 224X224. How do I sort this issue.…

Pankaj Kumar
- 209
- 1
- 4
- 7
10
votes
7 answers
Supervised learning(document classification) using deep learning techniques
I was reading the papers on deep learning. Most of them refer to unsupervised learning.
They also say the neurons are pre-trained using unsupervised RBM network. Later they are fine tuned using Back propagation algorithm (supervised).
So can we…

alex
- 1,421
- 1
- 16
- 19