SlideShare a Scribd company logo
Date: 2011/1/11
Advisor: Dr. Koh. Jia-Ling
Speaker: Lin, Yi-Jhen
Mr. KNN:
Soft Relevance
for Multi-label Classification
(CIKM’10)
1
Preview
• Introduction
• Related Work
• Problem Transformation Methods
• Algorithm Adaptation Methods
• The ML-KNN (Multi-Label K Nearest Neighbor) Method
• Mr. KNN: Method Description
• Experimental Results
• Conclusion
2
Introduction
• Multi-label learning refers to learning tasks where each
instance is assigned to one or more classes(labels).
• Multi-label classification is drawing increasing interest and
emerging as a fast-growing research field.
3
Preview
• Introduction
• Related Work
• Problem Transformation Methods
• Algorithm Adaptation Methods
• The ML-KNN (Multi-Label K Nearest Neighbor) Method
• Mr. KNN: Method Description
• Experimental Results
• Conclusion
4
Related Work –
ProblemTransformationMethods
• 𝑥𝑖, 𝑦𝑖 𝑖=1
𝑛
: a training set of n multi-label examples
• 𝑥𝑖 : input vectors
• 𝑦𝑖 : class label vectors (elements: 0 or 1)
• For each multi-label instance, problem transformation
methods convert it into a single label.
5
Freq.=(3, 5, 2, 4, 4)
Select-maxSelect-min
Related Work –
ProblemTransformationMethods
• Another popular strategy is so-called binary relevance, which
converts the problem into multiple single-label binary
classification problems.
• Multi-label instances are forced into one single category
without considering distribution.
6
Related Work –
AlgorithmAdaptationMethods
• Algorithm adaption methods modify standard single-label
learning algorithm for multi-label classification.
7
single-label
learning
multi-label
learning
Algorithm Adaptation
Decision trees adapted
C4.5
Allowing leaves of a tree to represent a set of
labels
AdaBoost AdaBoost
.MH
Maintain a set of weights as a distribution over
both training examples and associated labels
SVM SVM-like
optimization
strategy
Be treated as a ranking problem and a linear
model that minimizes a ranking loss and
maximizes a margin is developed
Related Work –
TheML-KNNMethod
• N 𝑥𝑖 : the k nearest neighbors of 𝑥𝑖
• 𝑐 𝑥 𝑖
𝑗 : number of neighbors in 𝑥𝑖 belonging to the j-th class
• ML-KNN assigns the j-th label to an instance using the binary
relevance strategy
8
Related Work –
TheML-KNNMethod
• 𝑅𝑗=
# 𝑜𝑓 𝑝𝑜𝑠𝑖𝑡𝑖𝑣𝑒 𝑒𝑥𝑎𝑚𝑝𝑙𝑒𝑠
# 𝑜𝑓 𝑛𝑒𝑔𝑖𝑡𝑖𝑣𝑒 𝑒𝑥𝑎𝑚𝑝𝑙𝑒𝑠
• Data distributions for
some labels are
imbalanced
• With the binary relevance
strategy, the ratio
estimation may not be
accurate 9
Mr. KNN: Method Description
• Mr.KNN consists of two components
• Soft Relevance
• A modified fuzzy c-means (FCM)-based approach to produce soft
relevance
• Mr.KNN: Volting-Margin Ratio Method
• A modified kNN for multi-label classification
• Fuzzy c-means algorithm (similar with k-means algorithm)
• In fuzzy clustering, each point has a degree of belonging to clusters, as
in fuzzy logic, rather than belonging completely to just one cluster.
• We adapt the FCM algorithm to yield a soft relevance value for
each instance with respect to each label
10
Soft Relevance
• Treat each class as a cluster
• 𝑢𝑖𝑘 : the membership (relevance) value of an instance 𝑥𝑖 in class k
• 𝑤 𝑘 : the class center
• To find an optimal fuzzy c-partition by minimizing:
• m : a weighting exponent and set to 2
• 𝑑 𝑥𝑖, 𝑤 𝑘 : Minkowski distance measure
11
Soft Relevance
• Constrains in FCM
• Each membership 𝑢𝑖𝑘 is between zero and one and satisfies :
• Furthermore, the class labels for each training data are known,
which can be formulated as follows:
12
For 5-class multi-label classification c1~c5
If an instance xi belongs to class c1, c2, c4
Then u3i = u5i = 0
And u1i + u2i + u4i = 1
Soft Relevance
• To find the membership values, we minimize the cost function Jm
with the constrains in previous slide, this leads to the following
Lagrangian function:
13
Take the gradient with respect to 𝑤 𝑘
Can be solved by the Gauss-Newton method
Update the new 𝑢𝑖𝑘
Update the new 𝑤 𝑘
Mr.KNN:Voting-Margin Ratio Method
• In general, the voting function relates an instance 𝑥𝑖 and the j-th
class is defined as:
• Two issues
• The imbalanced data distribution
• Doesn’t take into account the distance between a test instance and its k
nearest neighbors
• We incorporate a distance weighting method and the soft relevance
𝑢𝑗𝑏 derived from previous slide, the new voting function:
14
𝑒−∞
𝑒0 𝑒∞
0 1 ∞
Mr.KNN: Voting-Margin Ratio Method
• To determine the optimal values of f in Minkowski distance
and K in kNN, we introduce a new evaluation function, which
is motivated by the margin concept (voting margin)
• Consider a 5-class learning problem with an instance
belonging to two class labels: labels 2 and 3
• The instance: the plus inside a circle
• A circle represents a voting value for the label marked by the
number inside a circle
15
Correct voting
Smaller margin
Correct voting
larger margin
True label 3 is lower than
false labels 4 & 5
Mr.KNN: Voting-Margin Ratio Method
• voting margin
• Ti : true label set
• Fi : false label set
• Our goal is to seek the combination of f and k that maximizes
the average voting margin ratio
• The overall learning method for multi-label learning is called
voting Margin Ration kNN, or Mr.KNN
16
Mr.KNN: Voting-Margin Ratio Method
• Mr.KNN consists of two steps: training and test. The
procedures are as follow
17
Mr.KNN: Voting-Margin Ratio Method
• Mr.KNN consists of two steps: training and test. The
procedures are as follow
18
Experimental Results –
DataDescription
• Three multi-label datasets are tested in this study
• Predict gene functions of yeast
• Detection of emotions in music
• Semantic scene classification
19
Experimental Results –
EvaluationCriteria
• Four criteria to evaluate
performance of learning
methods
• Hamming Loss
• Accuracy
• Precision
• Recall
• 𝑥𝑖, 𝑦𝑖, 𝑧𝑖 𝑖=1
𝑚
: a test data
• 𝑥𝑖 :a test instance
• 𝑦𝑖 : class label vector (0/1)
• 𝑧𝑖 : predict label vector (0/1)
20
Experimental Results –
EvaluationCriteria
• Also use NDCG (normalized discounted cumulative gain) to evaluate
the final ranking of labels for each instance
• For each instance, a label will receive a voting score
• Ideally, these true labels will rank higher than false labels
• The NDCG of a ranking list of labels at position n is
21
Experimental Results
• For each dataset
• select the f in Minkowski distance form 1, 2, 4, 6
• K in kNN from 10, 15, 20, 25, 30, 35, 40, 45
• Total 32 combinations of (f, k)
22
23
24
25
Conclusion
• We introduce the soft relevance strategy, in which each
instance is assigned a relevance score with respect to a label
• Furthermore, it is used as a voting factor in a modified kNN
algorithm
• Evaluated over three multi-label datasets, the proposed
method outperforms ML-KNN
26

More Related Content

What's hot

Relational knowledge distillation
Relational knowledge distillationRelational knowledge distillation
Relational knowledge distillation
NAVER Engineering
 
Network recasting
Network recastingNetwork recasting
Network recasting
NAVER Engineering
 
Feature selection
Feature selectionFeature selection
Feature selection
dkpawar
 
Lec 6-bp
Lec 6-bpLec 6-bp
Lec 6-bp
Taymoor Nazmy
 
Object detection at night
Object detection at nightObject detection at night
Object detection at night
Sanjay Crúzé
 
PR-343: Semi-Supervised Semantic Segmentation with Cross Pseudo Supervision
PR-343: Semi-Supervised Semantic Segmentation with Cross Pseudo SupervisionPR-343: Semi-Supervised Semantic Segmentation with Cross Pseudo Supervision
PR-343: Semi-Supervised Semantic Segmentation with Cross Pseudo Supervision
Sungchul Kim
 
L05 language model_part2
L05 language model_part2L05 language model_part2
L05 language model_part2
ananth
 
Skip RNN: Learning to Skip State Updates in Recurrent Neural Networks
Skip RNN: Learning to Skip State Updates in Recurrent Neural NetworksSkip RNN: Learning to Skip State Updates in Recurrent Neural Networks
Skip RNN: Learning to Skip State Updates in Recurrent Neural Networks
Universitat Politècnica de Catalunya
 
Machine Learning Lecture 2 Basics
Machine Learning Lecture 2 BasicsMachine Learning Lecture 2 Basics
Machine Learning Lecture 2 Basics
ananth
 
Evolving Reinforcement Learning Algorithms, JD. Co-Reyes et al, 2021
Evolving Reinforcement Learning Algorithms, JD. Co-Reyes et al, 2021Evolving Reinforcement Learning Algorithms, JD. Co-Reyes et al, 2021
Evolving Reinforcement Learning Algorithms, JD. Co-Reyes et al, 2021
Chris Ohk
 
Handling Missing Attributes using Matrix Factorization 
Handling Missing Attributes using Matrix Factorization Handling Missing Attributes using Matrix Factorization 
Handling Missing Attributes using Matrix Factorization 
CS, NcState
 
(CVPR2021 Oral) RobustNet: Improving Domain Generalization in Urban-Scene Seg...
(CVPR2021 Oral) RobustNet: Improving Domain Generalization in Urban-Scene Seg...(CVPR2021 Oral) RobustNet: Improving Domain Generalization in Urban-Scene Seg...
(CVPR2021 Oral) RobustNet: Improving Domain Generalization in Urban-Scene Seg...
Sungha Choi
 
Object detection - RCNNs vs Retinanet
Object detection - RCNNs vs RetinanetObject detection - RCNNs vs Retinanet
Object detection - RCNNs vs Retinanet
Rishabh Indoria
 

What's hot (13)

Relational knowledge distillation
Relational knowledge distillationRelational knowledge distillation
Relational knowledge distillation
 
Network recasting
Network recastingNetwork recasting
Network recasting
 
Feature selection
Feature selectionFeature selection
Feature selection
 
Lec 6-bp
Lec 6-bpLec 6-bp
Lec 6-bp
 
Object detection at night
Object detection at nightObject detection at night
Object detection at night
 
PR-343: Semi-Supervised Semantic Segmentation with Cross Pseudo Supervision
PR-343: Semi-Supervised Semantic Segmentation with Cross Pseudo SupervisionPR-343: Semi-Supervised Semantic Segmentation with Cross Pseudo Supervision
PR-343: Semi-Supervised Semantic Segmentation with Cross Pseudo Supervision
 
L05 language model_part2
L05 language model_part2L05 language model_part2
L05 language model_part2
 
Skip RNN: Learning to Skip State Updates in Recurrent Neural Networks
Skip RNN: Learning to Skip State Updates in Recurrent Neural NetworksSkip RNN: Learning to Skip State Updates in Recurrent Neural Networks
Skip RNN: Learning to Skip State Updates in Recurrent Neural Networks
 
Machine Learning Lecture 2 Basics
Machine Learning Lecture 2 BasicsMachine Learning Lecture 2 Basics
Machine Learning Lecture 2 Basics
 
Evolving Reinforcement Learning Algorithms, JD. Co-Reyes et al, 2021
Evolving Reinforcement Learning Algorithms, JD. Co-Reyes et al, 2021Evolving Reinforcement Learning Algorithms, JD. Co-Reyes et al, 2021
Evolving Reinforcement Learning Algorithms, JD. Co-Reyes et al, 2021
 
Handling Missing Attributes using Matrix Factorization 
Handling Missing Attributes using Matrix Factorization Handling Missing Attributes using Matrix Factorization 
Handling Missing Attributes using Matrix Factorization 
 
(CVPR2021 Oral) RobustNet: Improving Domain Generalization in Urban-Scene Seg...
(CVPR2021 Oral) RobustNet: Improving Domain Generalization in Urban-Scene Seg...(CVPR2021 Oral) RobustNet: Improving Domain Generalization in Urban-Scene Seg...
(CVPR2021 Oral) RobustNet: Improving Domain Generalization in Urban-Scene Seg...
 
Object detection - RCNNs vs Retinanet
Object detection - RCNNs vs RetinanetObject detection - RCNNs vs Retinanet
Object detection - RCNNs vs Retinanet
 

Viewers also liked

Tag Extraction Final Presentation - CS185CSpring2014
Tag Extraction Final Presentation - CS185CSpring2014Tag Extraction Final Presentation - CS185CSpring2014
Tag Extraction Final Presentation - CS185CSpring2014
Naoki Nakatani
 
Multi-label, Multi-class Classification Using Polylingual Embeddings
Multi-label, Multi-class Classification Using Polylingual EmbeddingsMulti-label, Multi-class Classification Using Polylingual Embeddings
Multi-label, Multi-class Classification Using Polylingual Embeddings
George Balikas
 
Multi-label Classification with Meta-labels
Multi-label Classification with Meta-labelsMulti-label Classification with Meta-labels
Multi-label Classification with Meta-labels
Albert Bifet
 
Multi-Class Classification on Cartographic Data(Forest Cover)
Multi-Class Classification on Cartographic Data(Forest Cover)Multi-Class Classification on Cartographic Data(Forest Cover)
Multi-Class Classification on Cartographic Data(Forest Cover)
Abhishek Agrawal
 
Voting Based Learning Classifier System for Multi-Label Classification
Voting Based Learning Classifier System for Multi-Label ClassificationVoting Based Learning Classifier System for Multi-Label Classification
Voting Based Learning Classifier System for Multi-Label Classification
Daniele Loiacono
 
Svm implementation for Health Data
Svm implementation for Health DataSvm implementation for Health Data
Svm implementation for Health Data
Abhishek Agrawal
 
CNN-RNN: A Unified Framework for Multi-label Image Classification@CV勉強会35回CVP...
CNN-RNN: A Unified Framework for Multi-label Image Classification@CV勉強会35回CVP...CNN-RNN: A Unified Framework for Multi-label Image Classification@CV勉強会35回CVP...
CNN-RNN: A Unified Framework for Multi-label Image Classification@CV勉強会35回CVP...
Toshiki Sakai
 
Naïve multi label classification of you tube comments using
Naïve multi label classification of you tube comments usingNaïve multi label classification of you tube comments using
Naïve multi label classification of you tube comments using
Nidhi Baranwal
 

Viewers also liked (8)

Tag Extraction Final Presentation - CS185CSpring2014
Tag Extraction Final Presentation - CS185CSpring2014Tag Extraction Final Presentation - CS185CSpring2014
Tag Extraction Final Presentation - CS185CSpring2014
 
Multi-label, Multi-class Classification Using Polylingual Embeddings
Multi-label, Multi-class Classification Using Polylingual EmbeddingsMulti-label, Multi-class Classification Using Polylingual Embeddings
Multi-label, Multi-class Classification Using Polylingual Embeddings
 
Multi-label Classification with Meta-labels
Multi-label Classification with Meta-labelsMulti-label Classification with Meta-labels
Multi-label Classification with Meta-labels
 
Multi-Class Classification on Cartographic Data(Forest Cover)
Multi-Class Classification on Cartographic Data(Forest Cover)Multi-Class Classification on Cartographic Data(Forest Cover)
Multi-Class Classification on Cartographic Data(Forest Cover)
 
Voting Based Learning Classifier System for Multi-Label Classification
Voting Based Learning Classifier System for Multi-Label ClassificationVoting Based Learning Classifier System for Multi-Label Classification
Voting Based Learning Classifier System for Multi-Label Classification
 
Svm implementation for Health Data
Svm implementation for Health DataSvm implementation for Health Data
Svm implementation for Health Data
 
CNN-RNN: A Unified Framework for Multi-label Image Classification@CV勉強会35回CVP...
CNN-RNN: A Unified Framework for Multi-label Image Classification@CV勉強会35回CVP...CNN-RNN: A Unified Framework for Multi-label Image Classification@CV勉強会35回CVP...
CNN-RNN: A Unified Framework for Multi-label Image Classification@CV勉強会35回CVP...
 
Naïve multi label classification of you tube comments using
Naïve multi label classification of you tube comments usingNaïve multi label classification of you tube comments using
Naïve multi label classification of you tube comments using
 

Similar to MrKNN_Soft Relevance for Multi-label Classification

k-Nearest Neighbors with brief explanation.pptx
k-Nearest Neighbors with brief explanation.pptxk-Nearest Neighbors with brief explanation.pptx
k-Nearest Neighbors with brief explanation.pptx
gamingzonedead880
 
K-means and GMM
K-means and GMMK-means and GMM
K-means and GMM
Sanghyuk Chun
 
Knn Algorithm presentation
Knn Algorithm presentationKnn Algorithm presentation
Knn Algorithm presentation
RishavSharma112
 
Selection K in K-means Clustering
Selection K in K-means ClusteringSelection K in K-means Clustering
Selection K in K-means Clustering
Junghoon Kim
 
Lecture 8
Lecture 8Lecture 8
Lecture 8
Zahra Amini
 
Lecture 11 - KNN and Clustering, a lecture in subject module Statistical & Ma...
Lecture 11 - KNN and Clustering, a lecture in subject module Statistical & Ma...Lecture 11 - KNN and Clustering, a lecture in subject module Statistical & Ma...
Lecture 11 - KNN and Clustering, a lecture in subject module Statistical & Ma...
Maninda Edirisooriya
 
K- Nearest Neighbor Approach
K- Nearest Neighbor ApproachK- Nearest Neighbor Approach
K- Nearest Neighbor Approach
Kumud Arora
 
Leveraging high level and low-level features for multimedia event detection.2...
Leveraging high level and low-level features for multimedia event detection.2...Leveraging high level and low-level features for multimedia event detection.2...
Leveraging high level and low-level features for multimedia event detection.2...
Lu Jiang
 
KNN Classifier
KNN ClassifierKNN Classifier
KNN Classifier
Mobashshirur Rahman 👲
 
KNN
KNNKNN
Knn 160904075605-converted
Knn 160904075605-convertedKnn 160904075605-converted
Knn 160904075605-converted
rameswara reddy venkat
 
K - Nearest neighbor ( KNN )
K - Nearest neighbor  ( KNN )K - Nearest neighbor  ( KNN )
K - Nearest neighbor ( KNN )
Mohammad Junaid Khan
 
Training machine learning knn 2017
Training machine learning knn 2017Training machine learning knn 2017
Training machine learning knn 2017
Iwan Sofana
 
K-Nearest Neighbor Classifier
K-Nearest Neighbor ClassifierK-Nearest Neighbor Classifier
K-Nearest Neighbor Classifier
Neha Kulkarni
 
DutchMLSchool 2022 - History and Developments in ML
DutchMLSchool 2022 - History and Developments in MLDutchMLSchool 2022 - History and Developments in ML
DutchMLSchool 2022 - History and Developments in ML
BigML, Inc
 
convolutional_rbm.ppt
convolutional_rbm.pptconvolutional_rbm.ppt
convolutional_rbm.ppt
AyushSingh398902
 
K Nearest Neighbor Algorithm
K Nearest Neighbor AlgorithmK Nearest Neighbor Algorithm
K Nearest Neighbor Algorithm
Tharuka Vishwajith Sarathchandra
 
Data mining techniques unit v
Data mining techniques unit vData mining techniques unit v
Data mining techniques unit v
malathieswaran29
 
Weisfeiler and Leman Go Neural: Higher-order Graph Neural Networks, arXiv e-...
Weisfeiler and Leman Go Neural: Higher-order Graph Neural Networks, arXiv e-...Weisfeiler and Leman Go Neural: Higher-order Graph Neural Networks, arXiv e-...
Weisfeiler and Leman Go Neural: Higher-order Graph Neural Networks, arXiv e-...
ssuser2624f71
 
KNN.pptx
KNN.pptxKNN.pptx
KNN.pptx
Mohamed Essam
 

Similar to MrKNN_Soft Relevance for Multi-label Classification (20)

k-Nearest Neighbors with brief explanation.pptx
k-Nearest Neighbors with brief explanation.pptxk-Nearest Neighbors with brief explanation.pptx
k-Nearest Neighbors with brief explanation.pptx
 
K-means and GMM
K-means and GMMK-means and GMM
K-means and GMM
 
Knn Algorithm presentation
Knn Algorithm presentationKnn Algorithm presentation
Knn Algorithm presentation
 
Selection K in K-means Clustering
Selection K in K-means ClusteringSelection K in K-means Clustering
Selection K in K-means Clustering
 
Lecture 8
Lecture 8Lecture 8
Lecture 8
 
Lecture 11 - KNN and Clustering, a lecture in subject module Statistical & Ma...
Lecture 11 - KNN and Clustering, a lecture in subject module Statistical & Ma...Lecture 11 - KNN and Clustering, a lecture in subject module Statistical & Ma...
Lecture 11 - KNN and Clustering, a lecture in subject module Statistical & Ma...
 
K- Nearest Neighbor Approach
K- Nearest Neighbor ApproachK- Nearest Neighbor Approach
K- Nearest Neighbor Approach
 
Leveraging high level and low-level features for multimedia event detection.2...
Leveraging high level and low-level features for multimedia event detection.2...Leveraging high level and low-level features for multimedia event detection.2...
Leveraging high level and low-level features for multimedia event detection.2...
 
KNN Classifier
KNN ClassifierKNN Classifier
KNN Classifier
 
KNN
KNNKNN
KNN
 
Knn 160904075605-converted
Knn 160904075605-convertedKnn 160904075605-converted
Knn 160904075605-converted
 
K - Nearest neighbor ( KNN )
K - Nearest neighbor  ( KNN )K - Nearest neighbor  ( KNN )
K - Nearest neighbor ( KNN )
 
Training machine learning knn 2017
Training machine learning knn 2017Training machine learning knn 2017
Training machine learning knn 2017
 
K-Nearest Neighbor Classifier
K-Nearest Neighbor ClassifierK-Nearest Neighbor Classifier
K-Nearest Neighbor Classifier
 
DutchMLSchool 2022 - History and Developments in ML
DutchMLSchool 2022 - History and Developments in MLDutchMLSchool 2022 - History and Developments in ML
DutchMLSchool 2022 - History and Developments in ML
 
convolutional_rbm.ppt
convolutional_rbm.pptconvolutional_rbm.ppt
convolutional_rbm.ppt
 
K Nearest Neighbor Algorithm
K Nearest Neighbor AlgorithmK Nearest Neighbor Algorithm
K Nearest Neighbor Algorithm
 
Data mining techniques unit v
Data mining techniques unit vData mining techniques unit v
Data mining techniques unit v
 
Weisfeiler and Leman Go Neural: Higher-order Graph Neural Networks, arXiv e-...
Weisfeiler and Leman Go Neural: Higher-order Graph Neural Networks, arXiv e-...Weisfeiler and Leman Go Neural: Higher-order Graph Neural Networks, arXiv e-...
Weisfeiler and Leman Go Neural: Higher-order Graph Neural Networks, arXiv e-...
 
KNN.pptx
KNN.pptxKNN.pptx
KNN.pptx
 

More from YI-JHEN LIN

Adaptive relevance feedback in information retrieval
Adaptive relevance feedback in information retrievalAdaptive relevance feedback in information retrieval
Adaptive relevance feedback in information retrieval
YI-JHEN LIN
 
BioSnowball_Automated Population of Wikis
BioSnowball_Automated Population of WikisBioSnowball_Automated Population of Wikis
BioSnowball_Automated Population of Wikis
YI-JHEN LIN
 
Probabilistic Models of Novel Document Rankings for Faceted Topic Retrieval
Probabilistic Models of Novel Document Rankings for Faceted Topic RetrievalProbabilistic Models of Novel Document Rankings for Faceted Topic Retrieval
Probabilistic Models of Novel Document Rankings for Faceted Topic Retrieval
YI-JHEN LIN
 
PQC_Personalized Query Classification
PQC_Personalized Query ClassificationPQC_Personalized Query Classification
PQC_Personalized Query Classification
YI-JHEN LIN
 
Query Dependent Pseudo-Relevance Feedback based on Wikipedia
Query Dependent Pseudo-Relevance Feedback based on WikipediaQuery Dependent Pseudo-Relevance Feedback based on Wikipedia
Query Dependent Pseudo-Relevance Feedback based on Wikipedia
YI-JHEN LIN
 
Visual Summarization of Web Pages
Visual Summarization of Web PagesVisual Summarization of Web Pages
Visual Summarization of Web Pages
YI-JHEN LIN
 

More from YI-JHEN LIN (6)

Adaptive relevance feedback in information retrieval
Adaptive relevance feedback in information retrievalAdaptive relevance feedback in information retrieval
Adaptive relevance feedback in information retrieval
 
BioSnowball_Automated Population of Wikis
BioSnowball_Automated Population of WikisBioSnowball_Automated Population of Wikis
BioSnowball_Automated Population of Wikis
 
Probabilistic Models of Novel Document Rankings for Faceted Topic Retrieval
Probabilistic Models of Novel Document Rankings for Faceted Topic RetrievalProbabilistic Models of Novel Document Rankings for Faceted Topic Retrieval
Probabilistic Models of Novel Document Rankings for Faceted Topic Retrieval
 
PQC_Personalized Query Classification
PQC_Personalized Query ClassificationPQC_Personalized Query Classification
PQC_Personalized Query Classification
 
Query Dependent Pseudo-Relevance Feedback based on Wikipedia
Query Dependent Pseudo-Relevance Feedback based on WikipediaQuery Dependent Pseudo-Relevance Feedback based on Wikipedia
Query Dependent Pseudo-Relevance Feedback based on Wikipedia
 
Visual Summarization of Web Pages
Visual Summarization of Web PagesVisual Summarization of Web Pages
Visual Summarization of Web Pages
 

Recently uploaded

Palo Alto Cortex XDR presentation .......
Palo Alto Cortex XDR presentation .......Palo Alto Cortex XDR presentation .......
Palo Alto Cortex XDR presentation .......
Sachin Paul
 
Experts live - Improving user adoption with AI
Experts live - Improving user adoption with AIExperts live - Improving user adoption with AI
Experts live - Improving user adoption with AI
jitskeb
 
一比一原版(GWU,GW文凭证书)乔治·华盛顿大学毕业证如何办理
一比一原版(GWU,GW文凭证书)乔治·华盛顿大学毕业证如何办理一比一原版(GWU,GW文凭证书)乔治·华盛顿大学毕业证如何办理
一比一原版(GWU,GW文凭证书)乔治·华盛顿大学毕业证如何办理
bopyb
 
Udemy_2024_Global_Learning_Skills_Trends_Report (1).pdf
Udemy_2024_Global_Learning_Skills_Trends_Report (1).pdfUdemy_2024_Global_Learning_Skills_Trends_Report (1).pdf
Udemy_2024_Global_Learning_Skills_Trends_Report (1).pdf
Fernanda Palhano
 
Open Source Contributions to Postgres: The Basics POSETTE 2024
Open Source Contributions to Postgres: The Basics POSETTE 2024Open Source Contributions to Postgres: The Basics POSETTE 2024
Open Source Contributions to Postgres: The Basics POSETTE 2024
ElizabethGarrettChri
 
Challenges of Nation Building-1.pptx with more important
Challenges of Nation Building-1.pptx with more importantChallenges of Nation Building-1.pptx with more important
Challenges of Nation Building-1.pptx with more important
Sm321
 
University of New South Wales degree offer diploma Transcript
University of New South Wales degree offer diploma TranscriptUniversity of New South Wales degree offer diploma Transcript
University of New South Wales degree offer diploma Transcript
soxrziqu
 
Intelligence supported media monitoring in veterinary medicine
Intelligence supported media monitoring in veterinary medicineIntelligence supported media monitoring in veterinary medicine
Intelligence supported media monitoring in veterinary medicine
AndrzejJarynowski
 
办(uts毕业证书)悉尼科技大学毕业证学历证书原版一模一样
办(uts毕业证书)悉尼科技大学毕业证学历证书原版一模一样办(uts毕业证书)悉尼科技大学毕业证学历证书原版一模一样
办(uts毕业证书)悉尼科技大学毕业证学历证书原版一模一样
apvysm8
 
DATA COMMS-NETWORKS YR2 lecture 08 NAT & CLOUD.docx
DATA COMMS-NETWORKS YR2 lecture 08 NAT & CLOUD.docxDATA COMMS-NETWORKS YR2 lecture 08 NAT & CLOUD.docx
DATA COMMS-NETWORKS YR2 lecture 08 NAT & CLOUD.docx
SaffaIbrahim1
 
STATATHON: Unleashing the Power of Statistics in a 48-Hour Knowledge Extravag...
STATATHON: Unleashing the Power of Statistics in a 48-Hour Knowledge Extravag...STATATHON: Unleashing the Power of Statistics in a 48-Hour Knowledge Extravag...
STATATHON: Unleashing the Power of Statistics in a 48-Hour Knowledge Extravag...
sameer shah
 
End-to-end pipeline agility - Berlin Buzzwords 2024
End-to-end pipeline agility - Berlin Buzzwords 2024End-to-end pipeline agility - Berlin Buzzwords 2024
End-to-end pipeline agility - Berlin Buzzwords 2024
Lars Albertsson
 
Global Situational Awareness of A.I. and where its headed
Global Situational Awareness of A.I. and where its headedGlobal Situational Awareness of A.I. and where its headed
Global Situational Awareness of A.I. and where its headed
vikram sood
 
Beyond the Basics of A/B Tests: Highly Innovative Experimentation Tactics You...
Beyond the Basics of A/B Tests: Highly Innovative Experimentation Tactics You...Beyond the Basics of A/B Tests: Highly Innovative Experimentation Tactics You...
Beyond the Basics of A/B Tests: Highly Innovative Experimentation Tactics You...
Aggregage
 
06-12-2024-BudapestDataForum-BuildingReal-timePipelineswithFLaNK AIM
06-12-2024-BudapestDataForum-BuildingReal-timePipelineswithFLaNK AIM06-12-2024-BudapestDataForum-BuildingReal-timePipelineswithFLaNK AIM
06-12-2024-BudapestDataForum-BuildingReal-timePipelineswithFLaNK AIM
Timothy Spann
 
在线办理(英国UCA毕业证书)创意艺术大学毕业证在读证明一模一样
在线办理(英国UCA毕业证书)创意艺术大学毕业证在读证明一模一样在线办理(英国UCA毕业证书)创意艺术大学毕业证在读证明一模一样
在线办理(英国UCA毕业证书)创意艺术大学毕业证在读证明一模一样
v7oacc3l
 
Population Growth in Bataan: The effects of population growth around rural pl...
Population Growth in Bataan: The effects of population growth around rural pl...Population Growth in Bataan: The effects of population growth around rural pl...
Population Growth in Bataan: The effects of population growth around rural pl...
Bill641377
 
一比一原版(UCSB文凭证书)圣芭芭拉分校毕业证如何办理
一比一原版(UCSB文凭证书)圣芭芭拉分校毕业证如何办理一比一原版(UCSB文凭证书)圣芭芭拉分校毕业证如何办理
一比一原版(UCSB文凭证书)圣芭芭拉分校毕业证如何办理
nuttdpt
 
Analysis insight about a Flyball dog competition team's performance
Analysis insight about a Flyball dog competition team's performanceAnalysis insight about a Flyball dog competition team's performance
Analysis insight about a Flyball dog competition team's performance
roli9797
 
Learn SQL from basic queries to Advance queries
Learn SQL from basic queries to Advance queriesLearn SQL from basic queries to Advance queries
Learn SQL from basic queries to Advance queries
manishkhaire30
 

Recently uploaded (20)

Palo Alto Cortex XDR presentation .......
Palo Alto Cortex XDR presentation .......Palo Alto Cortex XDR presentation .......
Palo Alto Cortex XDR presentation .......
 
Experts live - Improving user adoption with AI
Experts live - Improving user adoption with AIExperts live - Improving user adoption with AI
Experts live - Improving user adoption with AI
 
一比一原版(GWU,GW文凭证书)乔治·华盛顿大学毕业证如何办理
一比一原版(GWU,GW文凭证书)乔治·华盛顿大学毕业证如何办理一比一原版(GWU,GW文凭证书)乔治·华盛顿大学毕业证如何办理
一比一原版(GWU,GW文凭证书)乔治·华盛顿大学毕业证如何办理
 
Udemy_2024_Global_Learning_Skills_Trends_Report (1).pdf
Udemy_2024_Global_Learning_Skills_Trends_Report (1).pdfUdemy_2024_Global_Learning_Skills_Trends_Report (1).pdf
Udemy_2024_Global_Learning_Skills_Trends_Report (1).pdf
 
Open Source Contributions to Postgres: The Basics POSETTE 2024
Open Source Contributions to Postgres: The Basics POSETTE 2024Open Source Contributions to Postgres: The Basics POSETTE 2024
Open Source Contributions to Postgres: The Basics POSETTE 2024
 
Challenges of Nation Building-1.pptx with more important
Challenges of Nation Building-1.pptx with more importantChallenges of Nation Building-1.pptx with more important
Challenges of Nation Building-1.pptx with more important
 
University of New South Wales degree offer diploma Transcript
University of New South Wales degree offer diploma TranscriptUniversity of New South Wales degree offer diploma Transcript
University of New South Wales degree offer diploma Transcript
 
Intelligence supported media monitoring in veterinary medicine
Intelligence supported media monitoring in veterinary medicineIntelligence supported media monitoring in veterinary medicine
Intelligence supported media monitoring in veterinary medicine
 
办(uts毕业证书)悉尼科技大学毕业证学历证书原版一模一样
办(uts毕业证书)悉尼科技大学毕业证学历证书原版一模一样办(uts毕业证书)悉尼科技大学毕业证学历证书原版一模一样
办(uts毕业证书)悉尼科技大学毕业证学历证书原版一模一样
 
DATA COMMS-NETWORKS YR2 lecture 08 NAT & CLOUD.docx
DATA COMMS-NETWORKS YR2 lecture 08 NAT & CLOUD.docxDATA COMMS-NETWORKS YR2 lecture 08 NAT & CLOUD.docx
DATA COMMS-NETWORKS YR2 lecture 08 NAT & CLOUD.docx
 
STATATHON: Unleashing the Power of Statistics in a 48-Hour Knowledge Extravag...
STATATHON: Unleashing the Power of Statistics in a 48-Hour Knowledge Extravag...STATATHON: Unleashing the Power of Statistics in a 48-Hour Knowledge Extravag...
STATATHON: Unleashing the Power of Statistics in a 48-Hour Knowledge Extravag...
 
End-to-end pipeline agility - Berlin Buzzwords 2024
End-to-end pipeline agility - Berlin Buzzwords 2024End-to-end pipeline agility - Berlin Buzzwords 2024
End-to-end pipeline agility - Berlin Buzzwords 2024
 
Global Situational Awareness of A.I. and where its headed
Global Situational Awareness of A.I. and where its headedGlobal Situational Awareness of A.I. and where its headed
Global Situational Awareness of A.I. and where its headed
 
Beyond the Basics of A/B Tests: Highly Innovative Experimentation Tactics You...
Beyond the Basics of A/B Tests: Highly Innovative Experimentation Tactics You...Beyond the Basics of A/B Tests: Highly Innovative Experimentation Tactics You...
Beyond the Basics of A/B Tests: Highly Innovative Experimentation Tactics You...
 
06-12-2024-BudapestDataForum-BuildingReal-timePipelineswithFLaNK AIM
06-12-2024-BudapestDataForum-BuildingReal-timePipelineswithFLaNK AIM06-12-2024-BudapestDataForum-BuildingReal-timePipelineswithFLaNK AIM
06-12-2024-BudapestDataForum-BuildingReal-timePipelineswithFLaNK AIM
 
在线办理(英国UCA毕业证书)创意艺术大学毕业证在读证明一模一样
在线办理(英国UCA毕业证书)创意艺术大学毕业证在读证明一模一样在线办理(英国UCA毕业证书)创意艺术大学毕业证在读证明一模一样
在线办理(英国UCA毕业证书)创意艺术大学毕业证在读证明一模一样
 
Population Growth in Bataan: The effects of population growth around rural pl...
Population Growth in Bataan: The effects of population growth around rural pl...Population Growth in Bataan: The effects of population growth around rural pl...
Population Growth in Bataan: The effects of population growth around rural pl...
 
一比一原版(UCSB文凭证书)圣芭芭拉分校毕业证如何办理
一比一原版(UCSB文凭证书)圣芭芭拉分校毕业证如何办理一比一原版(UCSB文凭证书)圣芭芭拉分校毕业证如何办理
一比一原版(UCSB文凭证书)圣芭芭拉分校毕业证如何办理
 
Analysis insight about a Flyball dog competition team's performance
Analysis insight about a Flyball dog competition team's performanceAnalysis insight about a Flyball dog competition team's performance
Analysis insight about a Flyball dog competition team's performance
 
Learn SQL from basic queries to Advance queries
Learn SQL from basic queries to Advance queriesLearn SQL from basic queries to Advance queries
Learn SQL from basic queries to Advance queries
 

MrKNN_Soft Relevance for Multi-label Classification

  • 1. Date: 2011/1/11 Advisor: Dr. Koh. Jia-Ling Speaker: Lin, Yi-Jhen Mr. KNN: Soft Relevance for Multi-label Classification (CIKM’10) 1
  • 2. Preview • Introduction • Related Work • Problem Transformation Methods • Algorithm Adaptation Methods • The ML-KNN (Multi-Label K Nearest Neighbor) Method • Mr. KNN: Method Description • Experimental Results • Conclusion 2
  • 3. Introduction • Multi-label learning refers to learning tasks where each instance is assigned to one or more classes(labels). • Multi-label classification is drawing increasing interest and emerging as a fast-growing research field. 3
  • 4. Preview • Introduction • Related Work • Problem Transformation Methods • Algorithm Adaptation Methods • The ML-KNN (Multi-Label K Nearest Neighbor) Method • Mr. KNN: Method Description • Experimental Results • Conclusion 4
  • 5. Related Work – ProblemTransformationMethods • 𝑥𝑖, 𝑦𝑖 𝑖=1 𝑛 : a training set of n multi-label examples • 𝑥𝑖 : input vectors • 𝑦𝑖 : class label vectors (elements: 0 or 1) • For each multi-label instance, problem transformation methods convert it into a single label. 5 Freq.=(3, 5, 2, 4, 4) Select-maxSelect-min
  • 6. Related Work – ProblemTransformationMethods • Another popular strategy is so-called binary relevance, which converts the problem into multiple single-label binary classification problems. • Multi-label instances are forced into one single category without considering distribution. 6
  • 7. Related Work – AlgorithmAdaptationMethods • Algorithm adaption methods modify standard single-label learning algorithm for multi-label classification. 7 single-label learning multi-label learning Algorithm Adaptation Decision trees adapted C4.5 Allowing leaves of a tree to represent a set of labels AdaBoost AdaBoost .MH Maintain a set of weights as a distribution over both training examples and associated labels SVM SVM-like optimization strategy Be treated as a ranking problem and a linear model that minimizes a ranking loss and maximizes a margin is developed
  • 8. Related Work – TheML-KNNMethod • N 𝑥𝑖 : the k nearest neighbors of 𝑥𝑖 • 𝑐 𝑥 𝑖 𝑗 : number of neighbors in 𝑥𝑖 belonging to the j-th class • ML-KNN assigns the j-th label to an instance using the binary relevance strategy 8
  • 9. Related Work – TheML-KNNMethod • 𝑅𝑗= # 𝑜𝑓 𝑝𝑜𝑠𝑖𝑡𝑖𝑣𝑒 𝑒𝑥𝑎𝑚𝑝𝑙𝑒𝑠 # 𝑜𝑓 𝑛𝑒𝑔𝑖𝑡𝑖𝑣𝑒 𝑒𝑥𝑎𝑚𝑝𝑙𝑒𝑠 • Data distributions for some labels are imbalanced • With the binary relevance strategy, the ratio estimation may not be accurate 9
  • 10. Mr. KNN: Method Description • Mr.KNN consists of two components • Soft Relevance • A modified fuzzy c-means (FCM)-based approach to produce soft relevance • Mr.KNN: Volting-Margin Ratio Method • A modified kNN for multi-label classification • Fuzzy c-means algorithm (similar with k-means algorithm) • In fuzzy clustering, each point has a degree of belonging to clusters, as in fuzzy logic, rather than belonging completely to just one cluster. • We adapt the FCM algorithm to yield a soft relevance value for each instance with respect to each label 10
  • 11. Soft Relevance • Treat each class as a cluster • 𝑢𝑖𝑘 : the membership (relevance) value of an instance 𝑥𝑖 in class k • 𝑤 𝑘 : the class center • To find an optimal fuzzy c-partition by minimizing: • m : a weighting exponent and set to 2 • 𝑑 𝑥𝑖, 𝑤 𝑘 : Minkowski distance measure 11
  • 12. Soft Relevance • Constrains in FCM • Each membership 𝑢𝑖𝑘 is between zero and one and satisfies : • Furthermore, the class labels for each training data are known, which can be formulated as follows: 12 For 5-class multi-label classification c1~c5 If an instance xi belongs to class c1, c2, c4 Then u3i = u5i = 0 And u1i + u2i + u4i = 1
  • 13. Soft Relevance • To find the membership values, we minimize the cost function Jm with the constrains in previous slide, this leads to the following Lagrangian function: 13 Take the gradient with respect to 𝑤 𝑘 Can be solved by the Gauss-Newton method Update the new 𝑢𝑖𝑘 Update the new 𝑤 𝑘
  • 14. Mr.KNN:Voting-Margin Ratio Method • In general, the voting function relates an instance 𝑥𝑖 and the j-th class is defined as: • Two issues • The imbalanced data distribution • Doesn’t take into account the distance between a test instance and its k nearest neighbors • We incorporate a distance weighting method and the soft relevance 𝑢𝑗𝑏 derived from previous slide, the new voting function: 14 𝑒−∞ 𝑒0 𝑒∞ 0 1 ∞
  • 15. Mr.KNN: Voting-Margin Ratio Method • To determine the optimal values of f in Minkowski distance and K in kNN, we introduce a new evaluation function, which is motivated by the margin concept (voting margin) • Consider a 5-class learning problem with an instance belonging to two class labels: labels 2 and 3 • The instance: the plus inside a circle • A circle represents a voting value for the label marked by the number inside a circle 15 Correct voting Smaller margin Correct voting larger margin True label 3 is lower than false labels 4 & 5
  • 16. Mr.KNN: Voting-Margin Ratio Method • voting margin • Ti : true label set • Fi : false label set • Our goal is to seek the combination of f and k that maximizes the average voting margin ratio • The overall learning method for multi-label learning is called voting Margin Ration kNN, or Mr.KNN 16
  • 17. Mr.KNN: Voting-Margin Ratio Method • Mr.KNN consists of two steps: training and test. The procedures are as follow 17
  • 18. Mr.KNN: Voting-Margin Ratio Method • Mr.KNN consists of two steps: training and test. The procedures are as follow 18
  • 19. Experimental Results – DataDescription • Three multi-label datasets are tested in this study • Predict gene functions of yeast • Detection of emotions in music • Semantic scene classification 19
  • 20. Experimental Results – EvaluationCriteria • Four criteria to evaluate performance of learning methods • Hamming Loss • Accuracy • Precision • Recall • 𝑥𝑖, 𝑦𝑖, 𝑧𝑖 𝑖=1 𝑚 : a test data • 𝑥𝑖 :a test instance • 𝑦𝑖 : class label vector (0/1) • 𝑧𝑖 : predict label vector (0/1) 20
  • 21. Experimental Results – EvaluationCriteria • Also use NDCG (normalized discounted cumulative gain) to evaluate the final ranking of labels for each instance • For each instance, a label will receive a voting score • Ideally, these true labels will rank higher than false labels • The NDCG of a ranking list of labels at position n is 21
  • 22. Experimental Results • For each dataset • select the f in Minkowski distance form 1, 2, 4, 6 • K in kNN from 10, 15, 20, 25, 30, 35, 40, 45 • Total 32 combinations of (f, k) 22
  • 23. 23
  • 24. 24
  • 25. 25
  • 26. Conclusion • We introduce the soft relevance strategy, in which each instance is assigned a relevance score with respect to a label • Furthermore, it is used as a voting factor in a modified kNN algorithm • Evaluated over three multi-label datasets, the proposed method outperforms ML-KNN 26

Editor's Notes

  1. 三種方法的障礙
  2. 簡述三種方法