SlideShare ist ein Scribd-Unternehmen logo
1 von 19
Downloaden Sie, um offline zu lesen
1
ONLINE MULTI-TASK LEARNING FOR
SEMANTIC CONCEPT DETECTION IN VIDEO
Foteini Markatopoulou1,2, Vasileios Mezaris1, and Ioannis Patras2
1Information Technologies Institute / Centre for Research and Technology Hellas
2Queen Mary University of London
2
Problem
• Concept-based video retrieval (38 evaluated concepts)
• TRECVID SIN Task video dataset
animal singing building
3
Typical solution
4
Typical solution
Our approach
belongs to this
category
5
Motivation for going beyond the
typical solution
• Typical concept detection: Train one supervised classifier separately for
each concept; a single-task learning process (STL)
• However, concepts do not appear in isolation from each other
Label relations Task relations
sky
sky
sky
skysun
sun
sun
human
car road
sea
trees
outdoorsoutdoors
outdoorsoutdoors
6
Literature review
• Multi-concept learning (MCL): Exploit concept relations
• Stacking-based approaches (Smith et al. 2003), (Markatopoulou et al.
2014)
• Inner learning approaches (Qi et al. 2007)
• Multi-task learning (MTL): Exploit task relations (learn many tasks
together)
• Assuming all tasks are related e.g., use regularization (Argyriou et al.
2007)
• Some tasks may be unrelated e.g., CMTL (Zhou et al. 2011), AMTL (Sun
et al. 2015), GO-MTL (Kumar et al. 2012)
• Online MTL for lifelong learning e.g., ELLA (Eaton & Ruvolo 2013)
7
Our approach
• Proposed method: ELLA_LC
• ELLA_LC stands for Efficient Lifelong Learning Algorithm with Label
Constraint
• It jointly considers task and label relations
• ELLA_LC is based on ELLA (Eaton & Ruvolo 2013)
• ELLA is the online version of GO-MTL: Learning Task Grouping and
Overlap in Multi-Task Learning (Kumar et al. 2012)
8
Background: Single-task learning
Learning
e.g., SVM
…
…
d-element
feature vector
d-element
featurevector
9
Background: The GO-MTL algorithm
= .
each linear combination is
assumed to be sparse in the
latent basis
d-element
featurevector
d-element
featurevector
• Objective function:
ensuring sparsity of S (matrix
S concatenates the weight
vectors s(t) from all the tasks)
ensuring
sparsity of L
base learner
e.g., LSVM, LR
loss
function
10
Background: The GO-MTL algorithm
Fix L
Update S
.
Update L
Fix S
.
For each
task
Iterative optimization with respect to L and S:
11
Background: The ELLA algorithm
Average the
model losses
across tasks
• ELLA is the online version of GO-MTL (useful in lifelong learning scenarios)
First inefficiency: due to the explicit dependence of the above equation on all of the
previous training data (through the inner summation)
• Solution: Approximate the equation using the second-order Taylor expansion of
aaaaaaaaaaaround w(t)
Second inefficiency: In order to evaluate a single candidate L, an optimization
problem must be solved to recompute the value of each of the s(t)’s
• Solution: Compute each s(t) only when training data for task t are available and
do not update it when new tasks arrive
12
ELLA_LC objective function
extra term added to ELLA’s
objective function that considers
concept correlations
(1)
• Contributions:
1. We add a new label-based constraint that considers concept correlations
2. We solve the objective function of ELLA using quadratic programming
instead of solving the Lasso problem
3. We use linear SVMs as base learners instead of logistic regression
φ-correlation
coefficient
between t and t’
13
ELLA_LC label constraint
Correlation
between
sun and all
the other
concepts
sky
sun
sea
outdoors
Positive correlation: force task
parameters to be similar, linear
classifiers return similar scores
Negative correlation: force task
parameters to be opposite, linear
classifiers return opposite scores
t2: indoors
t1: sky
t: sun
t2: indoors
t: sun
t1: sky
14
ELLA_LC solution
. .
Learn
e.g., SVM
Compute the ϕ-
correlation
coefficient of the
concept learned in
task t with all the
previously learned
concepts
d-element
featurevector
t
t’
d-element
featurevector
To update s(t) we use
quadratic
programming
15
Experimental setup: Compared
methods
Dataset: TRECVID SIN 2013
• 800 and 200 hours of internet archive videos for training and testing
• One keyframe per video shot
• Evaluated concepts: 38, Evaluation measure: MXinfAP
We experimented with 8 different feature sets
• The output from 4 different pre-trained ImageNet DCNNs (CaffeNet, ConvNet,
GoogLeNet-1k, GoogLeNet-5k)
• The output from 4 fine-tuned networks on the TRECVID SIN dataset
Compared methods
• STL using: a) LR, b) LSVM, c) kernel SVM with radial kernel (KSVM)
• The label powerset (LP) multi-label learning algorithm that models only label
relations (Markatopoulou et al. 2014)
• AMTL (Sun et al. 2015) and CMTL (Zhou et al. 2011), two batch MTL methods
• ELLA (Eaton & Ruvolo 2013), an online MTL method (what we extend in this study)
16
Experimental results
• Results of our experiments in terms of MXinfAP
• ELLA_QP: an intermediate version of the proposed ELLA_LC that does not use
the label constraint of ELLA_LC but uses quadratic programming
• Statistical significance from the best performing method using the paired t-
test (at 5% significance level); the absence of * suggests statistical significance
17
Experimental results
• Change in XinfAP for each task between the iteration that the task was first
learned and the last iteration (where all tasks had been learned), divided by
the position of the task in the task sequence
• Reverse transfer occurred, i.e., a positive change in accuracy for a task
indicates this, mainly for the tasks that were learned early
• As far as the pool of tasks increases early tasks get new knowledge from many
more tasks, which explains why the benefit is bigger for them
18
Conclusions
• Proposed ELLA_LC: an online MTL method for video concept detection
• Learning the relations between many task models (one per concept) in
combination with the concept correlations that can be captured from the
ground-truth annotation outperforms other SoA single-task and multi-task
learning approaches
• The proposed ELLA_QP and ELLA_LC perform better than the STL alternatives
both when LR and when LSVM is used as the base learner
• The proposed ELLA_QP and ELLA_LC perform better than the MTL ELLA algorithm
(the one that they extend) both when LR and when LSVM is used as the base
learner
• Serving as input more complicated keyframe representations (e.g., combining
many DCNNs instead of using a single DCNN) improves the accuracy of the
proposed ELLA_QP and ELLA_LC
• Fine-tuning is a process that improves the retrieval accuracy of ELLA_QP and
ELLA_LC
19
Thank you for your attention!
Questions?
More information and contact:
Dr. Vasileios Mezaris
bmezaris@iti.gr
http://www.iti.gr/~bmezaris

Weitere ähnliche Inhalte

Was ist angesagt?

Learning Convolutional Neural Networks for Graphs
Learning Convolutional Neural Networks for GraphsLearning Convolutional Neural Networks for Graphs
Learning Convolutional Neural Networks for GraphsMathias Niepert
 
AI&BigData Lab 2016. Александр Баев: Transfer learning - зачем, как и где.
AI&BigData Lab 2016. Александр Баев: Transfer learning - зачем, как и где.AI&BigData Lab 2016. Александр Баев: Transfer learning - зачем, как и где.
AI&BigData Lab 2016. Александр Баев: Transfer learning - зачем, как и где.GeeksLab Odessa
 
Life-long / Incremental Learning (DLAI D6L1 2017 UPC Deep Learning for Artifi...
Life-long / Incremental Learning (DLAI D6L1 2017 UPC Deep Learning for Artifi...Life-long / Incremental Learning (DLAI D6L1 2017 UPC Deep Learning for Artifi...
Life-long / Incremental Learning (DLAI D6L1 2017 UPC Deep Learning for Artifi...Universitat Politècnica de Catalunya
 
Convolutional neural networks deepa
Convolutional neural networks deepaConvolutional neural networks deepa
Convolutional neural networks deepadeepa4466
 
Convolutional Neural Networks: Part 1
Convolutional Neural Networks: Part 1Convolutional Neural Networks: Part 1
Convolutional Neural Networks: Part 1ananth
 
Review: Incremental Few-shot Instance Segmentation [CDM]
Review: Incremental Few-shot Instance Segmentation [CDM]Review: Incremental Few-shot Instance Segmentation [CDM]
Review: Incremental Few-shot Instance Segmentation [CDM]Dongmin Choi
 
Paraphrasing complex network
Paraphrasing complex networkParaphrasing complex network
Paraphrasing complex networkNAVER Engineering
 
Neuroevolution and deep learing
Neuroevolution and deep learing Neuroevolution and deep learing
Neuroevolution and deep learing Accenture
 
Detection focal loss 딥러닝 논문읽기 모임 발표자료
Detection focal loss 딥러닝 논문읽기 모임 발표자료Detection focal loss 딥러닝 논문읽기 모임 발표자료
Detection focal loss 딥러닝 논문읽기 모임 발표자료taeseon ryu
 
Review : Prototype Mixture Models for Few-shot Semantic Segmentation
Review : Prototype Mixture Models for Few-shot Semantic SegmentationReview : Prototype Mixture Models for Few-shot Semantic Segmentation
Review : Prototype Mixture Models for Few-shot Semantic SegmentationDongmin Choi
 
Modern Convolutional Neural Network techniques for image segmentation
Modern Convolutional Neural Network techniques for image segmentationModern Convolutional Neural Network techniques for image segmentation
Modern Convolutional Neural Network techniques for image segmentationGioele Ciaparrone
 
Offline Character Recognition Using Monte Carlo Method and Neural Network
Offline Character Recognition Using Monte Carlo Method and Neural NetworkOffline Character Recognition Using Monte Carlo Method and Neural Network
Offline Character Recognition Using Monte Carlo Method and Neural Networkijaia
 
Introduction to deep learning based voice activity detection
Introduction to deep learning based voice activity detectionIntroduction to deep learning based voice activity detection
Introduction to deep learning based voice activity detectionNAVER Engineering
 
Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)Gaurav Mittal
 
Tutorial on convolutional neural networks
Tutorial on convolutional neural networksTutorial on convolutional neural networks
Tutorial on convolutional neural networksHojin Yang
 
Tutorial @ IEEE ICC 2019 : Machine Learning and Stochastic Geometry: Statisti...
Tutorial @ IEEE ICC 2019 : Machine Learning and Stochastic Geometry:Statisti...Tutorial @ IEEE ICC 2019 : Machine Learning and Stochastic Geometry:Statisti...
Tutorial @ IEEE ICC 2019 : Machine Learning and Stochastic Geometry: Statisti...Takayuki Nishio
 
Relational knowledge distillation
Relational knowledge distillationRelational knowledge distillation
Relational knowledge distillationNAVER Engineering
 
Deep Learning in Computer Vision
Deep Learning in Computer VisionDeep Learning in Computer Vision
Deep Learning in Computer VisionSungjoon Choi
 
HardNet: Convolutional Network for Local Image Description
HardNet: Convolutional Network for Local Image DescriptionHardNet: Convolutional Network for Local Image Description
HardNet: Convolutional Network for Local Image DescriptionDmytro Mishkin
 

Was ist angesagt? (20)

Learning Convolutional Neural Networks for Graphs
Learning Convolutional Neural Networks for GraphsLearning Convolutional Neural Networks for Graphs
Learning Convolutional Neural Networks for Graphs
 
AI&BigData Lab 2016. Александр Баев: Transfer learning - зачем, как и где.
AI&BigData Lab 2016. Александр Баев: Transfer learning - зачем, как и где.AI&BigData Lab 2016. Александр Баев: Transfer learning - зачем, как и где.
AI&BigData Lab 2016. Александр Баев: Transfer learning - зачем, как и где.
 
Life-long / Incremental Learning (DLAI D6L1 2017 UPC Deep Learning for Artifi...
Life-long / Incremental Learning (DLAI D6L1 2017 UPC Deep Learning for Artifi...Life-long / Incremental Learning (DLAI D6L1 2017 UPC Deep Learning for Artifi...
Life-long / Incremental Learning (DLAI D6L1 2017 UPC Deep Learning for Artifi...
 
Convolutional neural networks deepa
Convolutional neural networks deepaConvolutional neural networks deepa
Convolutional neural networks deepa
 
Convolutional Neural Networks: Part 1
Convolutional Neural Networks: Part 1Convolutional Neural Networks: Part 1
Convolutional Neural Networks: Part 1
 
Review: Incremental Few-shot Instance Segmentation [CDM]
Review: Incremental Few-shot Instance Segmentation [CDM]Review: Incremental Few-shot Instance Segmentation [CDM]
Review: Incremental Few-shot Instance Segmentation [CDM]
 
Paraphrasing complex network
Paraphrasing complex networkParaphrasing complex network
Paraphrasing complex network
 
Neuroevolution and deep learing
Neuroevolution and deep learing Neuroevolution and deep learing
Neuroevolution and deep learing
 
Detection focal loss 딥러닝 논문읽기 모임 발표자료
Detection focal loss 딥러닝 논문읽기 모임 발표자료Detection focal loss 딥러닝 논문읽기 모임 발표자료
Detection focal loss 딥러닝 논문읽기 모임 발표자료
 
Review : Prototype Mixture Models for Few-shot Semantic Segmentation
Review : Prototype Mixture Models for Few-shot Semantic SegmentationReview : Prototype Mixture Models for Few-shot Semantic Segmentation
Review : Prototype Mixture Models for Few-shot Semantic Segmentation
 
Modern Convolutional Neural Network techniques for image segmentation
Modern Convolutional Neural Network techniques for image segmentationModern Convolutional Neural Network techniques for image segmentation
Modern Convolutional Neural Network techniques for image segmentation
 
Offline Character Recognition Using Monte Carlo Method and Neural Network
Offline Character Recognition Using Monte Carlo Method and Neural NetworkOffline Character Recognition Using Monte Carlo Method and Neural Network
Offline Character Recognition Using Monte Carlo Method and Neural Network
 
Introduction to deep learning based voice activity detection
Introduction to deep learning based voice activity detectionIntroduction to deep learning based voice activity detection
Introduction to deep learning based voice activity detection
 
Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)
 
Tutorial on convolutional neural networks
Tutorial on convolutional neural networksTutorial on convolutional neural networks
Tutorial on convolutional neural networks
 
Transfer Learning (D2L4 Insight@DCU Machine Learning Workshop 2017)
Transfer Learning (D2L4 Insight@DCU Machine Learning Workshop 2017)Transfer Learning (D2L4 Insight@DCU Machine Learning Workshop 2017)
Transfer Learning (D2L4 Insight@DCU Machine Learning Workshop 2017)
 
Tutorial @ IEEE ICC 2019 : Machine Learning and Stochastic Geometry: Statisti...
Tutorial @ IEEE ICC 2019 : Machine Learning and Stochastic Geometry:Statisti...Tutorial @ IEEE ICC 2019 : Machine Learning and Stochastic Geometry:Statisti...
Tutorial @ IEEE ICC 2019 : Machine Learning and Stochastic Geometry: Statisti...
 
Relational knowledge distillation
Relational knowledge distillationRelational knowledge distillation
Relational knowledge distillation
 
Deep Learning in Computer Vision
Deep Learning in Computer VisionDeep Learning in Computer Vision
Deep Learning in Computer Vision
 
HardNet: Convolutional Network for Local Image Description
HardNet: Convolutional Network for Local Image DescriptionHardNet: Convolutional Network for Local Image Description
HardNet: Convolutional Network for Local Image Description
 

Andere mochten auch

InVID verification application presentation at SMVW16
InVID verification application presentation at SMVW16InVID verification application presentation at SMVW16
InVID verification application presentation at SMVW16InVID Project
 
InVID at the IPTC Autumn Meeting 2016
InVID at the IPTC Autumn Meeting 2016InVID at the IPTC Autumn Meeting 2016
InVID at the IPTC Autumn Meeting 2016InVID Project
 
TRECVID 2016 Ad-hoc Video Seach task, CERTH-ITI
TRECVID 2016 Ad-hoc Video Seach task, CERTH-ITITRECVID 2016 Ad-hoc Video Seach task, CERTH-ITI
TRECVID 2016 Ad-hoc Video Seach task, CERTH-ITIInVID Project
 
InVID platform presentation at SMVW16
InVID platform presentation at SMVW16InVID platform presentation at SMVW16
InVID platform presentation at SMVW16InVID Project
 
InVID at Computational journalism workshop in Rennes, France
InVID at Computational journalism workshop in Rennes, FranceInVID at Computational journalism workshop in Rennes, France
InVID at Computational journalism workshop in Rennes, FranceInVID Project
 
InVID project presentation at SMVW16
InVID project presentation at SMVW16InVID project presentation at SMVW16
InVID project presentation at SMVW16InVID Project
 

Andere mochten auch (6)

InVID verification application presentation at SMVW16
InVID verification application presentation at SMVW16InVID verification application presentation at SMVW16
InVID verification application presentation at SMVW16
 
InVID at the IPTC Autumn Meeting 2016
InVID at the IPTC Autumn Meeting 2016InVID at the IPTC Autumn Meeting 2016
InVID at the IPTC Autumn Meeting 2016
 
TRECVID 2016 Ad-hoc Video Seach task, CERTH-ITI
TRECVID 2016 Ad-hoc Video Seach task, CERTH-ITITRECVID 2016 Ad-hoc Video Seach task, CERTH-ITI
TRECVID 2016 Ad-hoc Video Seach task, CERTH-ITI
 
InVID platform presentation at SMVW16
InVID platform presentation at SMVW16InVID platform presentation at SMVW16
InVID platform presentation at SMVW16
 
InVID at Computational journalism workshop in Rennes, France
InVID at Computational journalism workshop in Rennes, FranceInVID at Computational journalism workshop in Rennes, France
InVID at Computational journalism workshop in Rennes, France
 
InVID project presentation at SMVW16
InVID project presentation at SMVW16InVID project presentation at SMVW16
InVID project presentation at SMVW16
 

Ähnlich wie ELLA LC algorithm presentation in ICIP 2016

NS-CUK Seminar: J.H.Lee, Review on "Task Relation-aware Continual User Repres...
NS-CUK Seminar: J.H.Lee, Review on "Task Relation-aware Continual User Repres...NS-CUK Seminar: J.H.Lee, Review on "Task Relation-aware Continual User Repres...
NS-CUK Seminar: J.H.Lee, Review on "Task Relation-aware Continual User Repres...ssuser4b1f48
 
Matineh Shaker, Artificial Intelligence Scientist, Bonsai at MLconf SF 2017
Matineh Shaker, Artificial Intelligence Scientist, Bonsai at MLconf SF 2017Matineh Shaker, Artificial Intelligence Scientist, Bonsai at MLconf SF 2017
Matineh Shaker, Artificial Intelligence Scientist, Bonsai at MLconf SF 2017MLconf
 
Trajectory Transformer.pptx
Trajectory Transformer.pptxTrajectory Transformer.pptx
Trajectory Transformer.pptxSeungeon Baek
 
Combinatorial optimization and deep reinforcement learning
Combinatorial optimization and deep reinforcement learningCombinatorial optimization and deep reinforcement learning
Combinatorial optimization and deep reinforcement learning민재 정
 
Keynote at IWLS 2017
Keynote at IWLS 2017Keynote at IWLS 2017
Keynote at IWLS 2017Manish Pandey
 
NS-CUK Seminar: S.T.Nguyen, Review on "Continuous-Time Sequential Recommendat...
NS-CUK Seminar: S.T.Nguyen, Review on "Continuous-Time Sequential Recommendat...NS-CUK Seminar: S.T.Nguyen, Review on "Continuous-Time Sequential Recommendat...
NS-CUK Seminar: S.T.Nguyen, Review on "Continuous-Time Sequential Recommendat...ssuser4b1f48
 
Reinforcement Learning and Artificial Neural Nets
Reinforcement Learning and Artificial Neural NetsReinforcement Learning and Artificial Neural Nets
Reinforcement Learning and Artificial Neural NetsPierre de Lacaze
 
Quantization and Training of Neural Networks for Efficient Integer-Arithmetic...
Quantization and Training of Neural Networks for Efficient Integer-Arithmetic...Quantization and Training of Neural Networks for Efficient Integer-Arithmetic...
Quantization and Training of Neural Networks for Efficient Integer-Arithmetic...Ryo Takahashi
 
High performance extreme learning machines a complete toolbox for big data a...
High performance extreme learning machines  a complete toolbox for big data a...High performance extreme learning machines  a complete toolbox for big data a...
High performance extreme learning machines a complete toolbox for big data a...redpel dot com
 
Implementing a neural network potential for exascale molecular dynamics
Implementing a neural network potential for exascale molecular dynamicsImplementing a neural network potential for exascale molecular dynamics
Implementing a neural network potential for exascale molecular dynamicsPFHub PFHub
 
Learning to Learn by Gradient Descent by Gradient Descent
Learning to Learn by Gradient Descent by Gradient DescentLearning to Learn by Gradient Descent by Gradient Descent
Learning to Learn by Gradient Descent by Gradient DescentKaty Lee
 
Abstractions and Directives for Adapting Wavefront Algorithms to Future Archi...
Abstractions and Directives for Adapting Wavefront Algorithms to Future Archi...Abstractions and Directives for Adapting Wavefront Algorithms to Future Archi...
Abstractions and Directives for Adapting Wavefront Algorithms to Future Archi...inside-BigData.com
 
Analysis of Educational Robotics activities using a machine learning approach
Analysis of Educational Robotics activities using a machine learning approachAnalysis of Educational Robotics activities using a machine learning approach
Analysis of Educational Robotics activities using a machine learning approachLorenzo Cesaretti
 
Quantifying Overheads in Charm++ and HPX using Task Bench
Quantifying Overheads in Charm++ and HPX using Task BenchQuantifying Overheads in Charm++ and HPX using Task Bench
Quantifying Overheads in Charm++ and HPX using Task BenchPatrick Diehl
 
Introduction to OpenSees by Frank McKenna
Introduction to OpenSees by Frank McKennaIntroduction to OpenSees by Frank McKenna
Introduction to OpenSees by Frank McKennaopenseesdays
 
Transfer Learning for Improving Model Predictions in Robotic Systems
Transfer Learning for Improving Model Predictions  in Robotic SystemsTransfer Learning for Improving Model Predictions  in Robotic Systems
Transfer Learning for Improving Model Predictions in Robotic SystemsPooyan Jamshidi
 
Optimization as a model for few shot learning
Optimization as a model for few shot learningOptimization as a model for few shot learning
Optimization as a model for few shot learningKaty Lee
 

Ähnlich wie ELLA LC algorithm presentation in ICIP 2016 (20)

NS-CUK Seminar: J.H.Lee, Review on "Task Relation-aware Continual User Repres...
NS-CUK Seminar: J.H.Lee, Review on "Task Relation-aware Continual User Repres...NS-CUK Seminar: J.H.Lee, Review on "Task Relation-aware Continual User Repres...
NS-CUK Seminar: J.H.Lee, Review on "Task Relation-aware Continual User Repres...
 
Matineh Shaker, Artificial Intelligence Scientist, Bonsai at MLconf SF 2017
Matineh Shaker, Artificial Intelligence Scientist, Bonsai at MLconf SF 2017Matineh Shaker, Artificial Intelligence Scientist, Bonsai at MLconf SF 2017
Matineh Shaker, Artificial Intelligence Scientist, Bonsai at MLconf SF 2017
 
GDRR Opening Workshop - Deep Reinforcement Learning for Asset Based Modeling ...
GDRR Opening Workshop - Deep Reinforcement Learning for Asset Based Modeling ...GDRR Opening Workshop - Deep Reinforcement Learning for Asset Based Modeling ...
GDRR Opening Workshop - Deep Reinforcement Learning for Asset Based Modeling ...
 
Trajectory Transformer.pptx
Trajectory Transformer.pptxTrajectory Transformer.pptx
Trajectory Transformer.pptx
 
Combinatorial optimization and deep reinforcement learning
Combinatorial optimization and deep reinforcement learningCombinatorial optimization and deep reinforcement learning
Combinatorial optimization and deep reinforcement learning
 
Keynote at IWLS 2017
Keynote at IWLS 2017Keynote at IWLS 2017
Keynote at IWLS 2017
 
NS-CUK Seminar: S.T.Nguyen, Review on "Continuous-Time Sequential Recommendat...
NS-CUK Seminar: S.T.Nguyen, Review on "Continuous-Time Sequential Recommendat...NS-CUK Seminar: S.T.Nguyen, Review on "Continuous-Time Sequential Recommendat...
NS-CUK Seminar: S.T.Nguyen, Review on "Continuous-Time Sequential Recommendat...
 
Reinforcement Learning and Artificial Neural Nets
Reinforcement Learning and Artificial Neural NetsReinforcement Learning and Artificial Neural Nets
Reinforcement Learning and Artificial Neural Nets
 
Quantization and Training of Neural Networks for Efficient Integer-Arithmetic...
Quantization and Training of Neural Networks for Efficient Integer-Arithmetic...Quantization and Training of Neural Networks for Efficient Integer-Arithmetic...
Quantization and Training of Neural Networks for Efficient Integer-Arithmetic...
 
High performance extreme learning machines a complete toolbox for big data a...
High performance extreme learning machines  a complete toolbox for big data a...High performance extreme learning machines  a complete toolbox for big data a...
High performance extreme learning machines a complete toolbox for big data a...
 
LSTM Structured Pruning
LSTM Structured PruningLSTM Structured Pruning
LSTM Structured Pruning
 
Implementing a neural network potential for exascale molecular dynamics
Implementing a neural network potential for exascale molecular dynamicsImplementing a neural network potential for exascale molecular dynamics
Implementing a neural network potential for exascale molecular dynamics
 
Learning to Learn by Gradient Descent by Gradient Descent
Learning to Learn by Gradient Descent by Gradient DescentLearning to Learn by Gradient Descent by Gradient Descent
Learning to Learn by Gradient Descent by Gradient Descent
 
Abstractions and Directives for Adapting Wavefront Algorithms to Future Archi...
Abstractions and Directives for Adapting Wavefront Algorithms to Future Archi...Abstractions and Directives for Adapting Wavefront Algorithms to Future Archi...
Abstractions and Directives for Adapting Wavefront Algorithms to Future Archi...
 
Analysis of Educational Robotics activities using a machine learning approach
Analysis of Educational Robotics activities using a machine learning approachAnalysis of Educational Robotics activities using a machine learning approach
Analysis of Educational Robotics activities using a machine learning approach
 
Conv xg
Conv xgConv xg
Conv xg
 
Quantifying Overheads in Charm++ and HPX using Task Bench
Quantifying Overheads in Charm++ and HPX using Task BenchQuantifying Overheads in Charm++ and HPX using Task Bench
Quantifying Overheads in Charm++ and HPX using Task Bench
 
Introduction to OpenSees by Frank McKenna
Introduction to OpenSees by Frank McKennaIntroduction to OpenSees by Frank McKenna
Introduction to OpenSees by Frank McKenna
 
Transfer Learning for Improving Model Predictions in Robotic Systems
Transfer Learning for Improving Model Predictions  in Robotic SystemsTransfer Learning for Improving Model Predictions  in Robotic Systems
Transfer Learning for Improving Model Predictions in Robotic Systems
 
Optimization as a model for few shot learning
Optimization as a model for few shot learningOptimization as a model for few shot learning
Optimization as a model for few shot learning
 

Mehr von InVID Project

InVID at IFCN Global Fact V
InVID at IFCN Global Fact VInVID at IFCN Global Fact V
InVID at IFCN Global Fact VInVID Project
 
Presentation of the InVID technologies for image forensics analysis
Presentation of the InVID technologies for image forensics analysisPresentation of the InVID technologies for image forensics analysis
Presentation of the InVID technologies for image forensics analysisInVID Project
 
Presentation of the InVID tool for video fragmentation and keyframe-based rev...
Presentation of the InVID tool for video fragmentation and keyframe-based rev...Presentation of the InVID tool for video fragmentation and keyframe-based rev...
Presentation of the InVID tool for video fragmentation and keyframe-based rev...InVID Project
 
Presentation of the InVID project and verification technologies
Presentation of the InVID project and verification technologiesPresentation of the InVID project and verification technologies
Presentation of the InVID project and verification technologiesInVID Project
 
Presentation of the InVID verification technologies at IPTC 2018
Presentation of the InVID verification technologies at IPTC 2018Presentation of the InVID verification technologies at IPTC 2018
Presentation of the InVID verification technologies at IPTC 2018InVID Project
 
IUT-Toulouse-InVID-2018
IUT-Toulouse-InVID-2018IUT-Toulouse-InVID-2018
IUT-Toulouse-InVID-2018InVID Project
 
A state of the art in journalism about fake image and video detection
A state of the art in journalism about fake image and video detectionA state of the art in journalism about fake image and video detection
A state of the art in journalism about fake image and video detectionInVID Project
 
Presentation of the InVID tool for social media verification
Presentation of the InVID tool for social media verificationPresentation of the InVID tool for social media verification
Presentation of the InVID tool for social media verificationInVID Project
 
Presentation of the InVID tool for video fragmentation and reverse keyframe s...
Presentation of the InVID tool for video fragmentation and reverse keyframe s...Presentation of the InVID tool for video fragmentation and reverse keyframe s...
Presentation of the InVID tool for video fragmentation and reverse keyframe s...InVID Project
 
Presentation of the InVID Verification Plugin
Presentation of the InVID Verification PluginPresentation of the InVID Verification Plugin
Presentation of the InVID Verification PluginInVID Project
 
Presentation of the InVID tools for image forensics analysis
Presentation of the InVID tools for image forensics analysisPresentation of the InVID tools for image forensics analysis
Presentation of the InVID tools for image forensics analysisInVID Project
 
Overview of the InVID project
Overview of the InVID projectOverview of the InVID project
Overview of the InVID projectInVID Project
 
Second issue of the InVID newsletter
Second issue of the InVID newsletterSecond issue of the InVID newsletter
Second issue of the InVID newsletterInVID Project
 
The InVID Plug-in: Web Video Verification on the Browser
The InVID Plug-in: Web Video Verification on the BrowserThe InVID Plug-in: Web Video Verification on the Browser
The InVID Plug-in: Web Video Verification on the BrowserInVID Project
 
Video Retrieval for Multimedia Verification of Breaking News on Social Networks
Video Retrieval for Multimedia Verification  of Breaking News on Social NetworksVideo Retrieval for Multimedia Verification  of Breaking News on Social Networks
Video Retrieval for Multimedia Verification of Breaking News on Social NetworksInVID Project
 
The InVID Vefirication Plugin at #IFRAExpo #DCXExpo
The InVID Vefirication Plugin at #IFRAExpo #DCXExpoThe InVID Vefirication Plugin at #IFRAExpo #DCXExpo
The InVID Vefirication Plugin at #IFRAExpo #DCXExpoInVID Project
 
The InVID Vefirication Plugin at DisinfoLab
The InVID Vefirication Plugin at DisinfoLabThe InVID Vefirication Plugin at DisinfoLab
The InVID Vefirication Plugin at DisinfoLabInVID Project
 
InVID Project Presentation 3rd release March 2016
InVID Project Presentation 3rd release March 2016InVID Project Presentation 3rd release March 2016
InVID Project Presentation 3rd release March 2016InVID Project
 

Mehr von InVID Project (18)

InVID at IFCN Global Fact V
InVID at IFCN Global Fact VInVID at IFCN Global Fact V
InVID at IFCN Global Fact V
 
Presentation of the InVID technologies for image forensics analysis
Presentation of the InVID technologies for image forensics analysisPresentation of the InVID technologies for image forensics analysis
Presentation of the InVID technologies for image forensics analysis
 
Presentation of the InVID tool for video fragmentation and keyframe-based rev...
Presentation of the InVID tool for video fragmentation and keyframe-based rev...Presentation of the InVID tool for video fragmentation and keyframe-based rev...
Presentation of the InVID tool for video fragmentation and keyframe-based rev...
 
Presentation of the InVID project and verification technologies
Presentation of the InVID project and verification technologiesPresentation of the InVID project and verification technologies
Presentation of the InVID project and verification technologies
 
Presentation of the InVID verification technologies at IPTC 2018
Presentation of the InVID verification technologies at IPTC 2018Presentation of the InVID verification technologies at IPTC 2018
Presentation of the InVID verification technologies at IPTC 2018
 
IUT-Toulouse-InVID-2018
IUT-Toulouse-InVID-2018IUT-Toulouse-InVID-2018
IUT-Toulouse-InVID-2018
 
A state of the art in journalism about fake image and video detection
A state of the art in journalism about fake image and video detectionA state of the art in journalism about fake image and video detection
A state of the art in journalism about fake image and video detection
 
Presentation of the InVID tool for social media verification
Presentation of the InVID tool for social media verificationPresentation of the InVID tool for social media verification
Presentation of the InVID tool for social media verification
 
Presentation of the InVID tool for video fragmentation and reverse keyframe s...
Presentation of the InVID tool for video fragmentation and reverse keyframe s...Presentation of the InVID tool for video fragmentation and reverse keyframe s...
Presentation of the InVID tool for video fragmentation and reverse keyframe s...
 
Presentation of the InVID Verification Plugin
Presentation of the InVID Verification PluginPresentation of the InVID Verification Plugin
Presentation of the InVID Verification Plugin
 
Presentation of the InVID tools for image forensics analysis
Presentation of the InVID tools for image forensics analysisPresentation of the InVID tools for image forensics analysis
Presentation of the InVID tools for image forensics analysis
 
Overview of the InVID project
Overview of the InVID projectOverview of the InVID project
Overview of the InVID project
 
Second issue of the InVID newsletter
Second issue of the InVID newsletterSecond issue of the InVID newsletter
Second issue of the InVID newsletter
 
The InVID Plug-in: Web Video Verification on the Browser
The InVID Plug-in: Web Video Verification on the BrowserThe InVID Plug-in: Web Video Verification on the Browser
The InVID Plug-in: Web Video Verification on the Browser
 
Video Retrieval for Multimedia Verification of Breaking News on Social Networks
Video Retrieval for Multimedia Verification  of Breaking News on Social NetworksVideo Retrieval for Multimedia Verification  of Breaking News on Social Networks
Video Retrieval for Multimedia Verification of Breaking News on Social Networks
 
The InVID Vefirication Plugin at #IFRAExpo #DCXExpo
The InVID Vefirication Plugin at #IFRAExpo #DCXExpoThe InVID Vefirication Plugin at #IFRAExpo #DCXExpo
The InVID Vefirication Plugin at #IFRAExpo #DCXExpo
 
The InVID Vefirication Plugin at DisinfoLab
The InVID Vefirication Plugin at DisinfoLabThe InVID Vefirication Plugin at DisinfoLab
The InVID Vefirication Plugin at DisinfoLab
 
InVID Project Presentation 3rd release March 2016
InVID Project Presentation 3rd release March 2016InVID Project Presentation 3rd release March 2016
InVID Project Presentation 3rd release March 2016
 

Kürzlich hochgeladen

Biological Classification BioHack (3).pdf
Biological Classification BioHack (3).pdfBiological Classification BioHack (3).pdf
Biological Classification BioHack (3).pdfmuntazimhurra
 
Biopesticide (2).pptx .This slides helps to know the different types of biop...
Biopesticide (2).pptx  .This slides helps to know the different types of biop...Biopesticide (2).pptx  .This slides helps to know the different types of biop...
Biopesticide (2).pptx .This slides helps to know the different types of biop...RohitNehra6
 
Pests of cotton_Borer_Pests_Binomics_Dr.UPR.pdf
Pests of cotton_Borer_Pests_Binomics_Dr.UPR.pdfPests of cotton_Borer_Pests_Binomics_Dr.UPR.pdf
Pests of cotton_Borer_Pests_Binomics_Dr.UPR.pdfPirithiRaju
 
VIRUSES structure and classification ppt by Dr.Prince C P
VIRUSES structure and classification ppt by Dr.Prince C PVIRUSES structure and classification ppt by Dr.Prince C P
VIRUSES structure and classification ppt by Dr.Prince C PPRINCE C P
 
SCIENCE-4-QUARTER4-WEEK-4-PPT-1 (1).pptx
SCIENCE-4-QUARTER4-WEEK-4-PPT-1 (1).pptxSCIENCE-4-QUARTER4-WEEK-4-PPT-1 (1).pptx
SCIENCE-4-QUARTER4-WEEK-4-PPT-1 (1).pptxRizalinePalanog2
 
Hire 💕 9907093804 Hooghly Call Girls Service Call Girls Agency
Hire 💕 9907093804 Hooghly Call Girls Service Call Girls AgencyHire 💕 9907093804 Hooghly Call Girls Service Call Girls Agency
Hire 💕 9907093804 Hooghly Call Girls Service Call Girls AgencySheetal Arora
 
GBSN - Biochemistry (Unit 1)
GBSN - Biochemistry (Unit 1)GBSN - Biochemistry (Unit 1)
GBSN - Biochemistry (Unit 1)Areesha Ahmad
 
Recombinant DNA technology (Immunological screening)
Recombinant DNA technology (Immunological screening)Recombinant DNA technology (Immunological screening)
Recombinant DNA technology (Immunological screening)PraveenaKalaiselvan1
 
Animal Communication- Auditory and Visual.pptx
Animal Communication- Auditory and Visual.pptxAnimal Communication- Auditory and Visual.pptx
Animal Communication- Auditory and Visual.pptxUmerFayaz5
 
Kochi ❤CALL GIRL 84099*07087 ❤CALL GIRLS IN Kochi ESCORT SERVICE❤CALL GIRL
Kochi ❤CALL GIRL 84099*07087 ❤CALL GIRLS IN Kochi ESCORT SERVICE❤CALL GIRLKochi ❤CALL GIRL 84099*07087 ❤CALL GIRLS IN Kochi ESCORT SERVICE❤CALL GIRL
Kochi ❤CALL GIRL 84099*07087 ❤CALL GIRLS IN Kochi ESCORT SERVICE❤CALL GIRLkantirani197
 
Forensic Biology & Its biological significance.pdf
Forensic Biology & Its biological significance.pdfForensic Biology & Its biological significance.pdf
Forensic Biology & Its biological significance.pdfrohankumarsinghrore1
 
Botany 4th semester file By Sumit Kumar yadav.pdf
Botany 4th semester file By Sumit Kumar yadav.pdfBotany 4th semester file By Sumit Kumar yadav.pdf
Botany 4th semester file By Sumit Kumar yadav.pdfSumit Kumar yadav
 
Nanoparticles synthesis and characterization​ ​
Nanoparticles synthesis and characterization​  ​Nanoparticles synthesis and characterization​  ​
Nanoparticles synthesis and characterization​ ​kaibalyasahoo82800
 
Green chemistry and Sustainable development.pptx
Green chemistry  and Sustainable development.pptxGreen chemistry  and Sustainable development.pptx
Green chemistry and Sustainable development.pptxRajatChauhan518211
 
GBSN - Microbiology (Unit 1)
GBSN - Microbiology (Unit 1)GBSN - Microbiology (Unit 1)
GBSN - Microbiology (Unit 1)Areesha Ahmad
 
COST ESTIMATION FOR A RESEARCH PROJECT.pptx
COST ESTIMATION FOR A RESEARCH PROJECT.pptxCOST ESTIMATION FOR A RESEARCH PROJECT.pptx
COST ESTIMATION FOR A RESEARCH PROJECT.pptxFarihaAbdulRasheed
 
Chemical Tests; flame test, positive and negative ions test Edexcel Internati...
Chemical Tests; flame test, positive and negative ions test Edexcel Internati...Chemical Tests; flame test, positive and negative ions test Edexcel Internati...
Chemical Tests; flame test, positive and negative ions test Edexcel Internati...ssuser79fe74
 
Disentangling the origin of chemical differences using GHOST
Disentangling the origin of chemical differences using GHOSTDisentangling the origin of chemical differences using GHOST
Disentangling the origin of chemical differences using GHOSTSérgio Sacani
 
Pulmonary drug delivery system M.pharm -2nd sem P'ceutics
Pulmonary drug delivery system M.pharm -2nd sem P'ceuticsPulmonary drug delivery system M.pharm -2nd sem P'ceutics
Pulmonary drug delivery system M.pharm -2nd sem P'ceuticssakshisoni2385
 
Labelling Requirements and Label Claims for Dietary Supplements and Recommend...
Labelling Requirements and Label Claims for Dietary Supplements and Recommend...Labelling Requirements and Label Claims for Dietary Supplements and Recommend...
Labelling Requirements and Label Claims for Dietary Supplements and Recommend...Lokesh Kothari
 

Kürzlich hochgeladen (20)

Biological Classification BioHack (3).pdf
Biological Classification BioHack (3).pdfBiological Classification BioHack (3).pdf
Biological Classification BioHack (3).pdf
 
Biopesticide (2).pptx .This slides helps to know the different types of biop...
Biopesticide (2).pptx  .This slides helps to know the different types of biop...Biopesticide (2).pptx  .This slides helps to know the different types of biop...
Biopesticide (2).pptx .This slides helps to know the different types of biop...
 
Pests of cotton_Borer_Pests_Binomics_Dr.UPR.pdf
Pests of cotton_Borer_Pests_Binomics_Dr.UPR.pdfPests of cotton_Borer_Pests_Binomics_Dr.UPR.pdf
Pests of cotton_Borer_Pests_Binomics_Dr.UPR.pdf
 
VIRUSES structure and classification ppt by Dr.Prince C P
VIRUSES structure and classification ppt by Dr.Prince C PVIRUSES structure and classification ppt by Dr.Prince C P
VIRUSES structure and classification ppt by Dr.Prince C P
 
SCIENCE-4-QUARTER4-WEEK-4-PPT-1 (1).pptx
SCIENCE-4-QUARTER4-WEEK-4-PPT-1 (1).pptxSCIENCE-4-QUARTER4-WEEK-4-PPT-1 (1).pptx
SCIENCE-4-QUARTER4-WEEK-4-PPT-1 (1).pptx
 
Hire 💕 9907093804 Hooghly Call Girls Service Call Girls Agency
Hire 💕 9907093804 Hooghly Call Girls Service Call Girls AgencyHire 💕 9907093804 Hooghly Call Girls Service Call Girls Agency
Hire 💕 9907093804 Hooghly Call Girls Service Call Girls Agency
 
GBSN - Biochemistry (Unit 1)
GBSN - Biochemistry (Unit 1)GBSN - Biochemistry (Unit 1)
GBSN - Biochemistry (Unit 1)
 
Recombinant DNA technology (Immunological screening)
Recombinant DNA technology (Immunological screening)Recombinant DNA technology (Immunological screening)
Recombinant DNA technology (Immunological screening)
 
Animal Communication- Auditory and Visual.pptx
Animal Communication- Auditory and Visual.pptxAnimal Communication- Auditory and Visual.pptx
Animal Communication- Auditory and Visual.pptx
 
Kochi ❤CALL GIRL 84099*07087 ❤CALL GIRLS IN Kochi ESCORT SERVICE❤CALL GIRL
Kochi ❤CALL GIRL 84099*07087 ❤CALL GIRLS IN Kochi ESCORT SERVICE❤CALL GIRLKochi ❤CALL GIRL 84099*07087 ❤CALL GIRLS IN Kochi ESCORT SERVICE❤CALL GIRL
Kochi ❤CALL GIRL 84099*07087 ❤CALL GIRLS IN Kochi ESCORT SERVICE❤CALL GIRL
 
Forensic Biology & Its biological significance.pdf
Forensic Biology & Its biological significance.pdfForensic Biology & Its biological significance.pdf
Forensic Biology & Its biological significance.pdf
 
Botany 4th semester file By Sumit Kumar yadav.pdf
Botany 4th semester file By Sumit Kumar yadav.pdfBotany 4th semester file By Sumit Kumar yadav.pdf
Botany 4th semester file By Sumit Kumar yadav.pdf
 
Nanoparticles synthesis and characterization​ ​
Nanoparticles synthesis and characterization​  ​Nanoparticles synthesis and characterization​  ​
Nanoparticles synthesis and characterization​ ​
 
Green chemistry and Sustainable development.pptx
Green chemistry  and Sustainable development.pptxGreen chemistry  and Sustainable development.pptx
Green chemistry and Sustainable development.pptx
 
GBSN - Microbiology (Unit 1)
GBSN - Microbiology (Unit 1)GBSN - Microbiology (Unit 1)
GBSN - Microbiology (Unit 1)
 
COST ESTIMATION FOR A RESEARCH PROJECT.pptx
COST ESTIMATION FOR A RESEARCH PROJECT.pptxCOST ESTIMATION FOR A RESEARCH PROJECT.pptx
COST ESTIMATION FOR A RESEARCH PROJECT.pptx
 
Chemical Tests; flame test, positive and negative ions test Edexcel Internati...
Chemical Tests; flame test, positive and negative ions test Edexcel Internati...Chemical Tests; flame test, positive and negative ions test Edexcel Internati...
Chemical Tests; flame test, positive and negative ions test Edexcel Internati...
 
Disentangling the origin of chemical differences using GHOST
Disentangling the origin of chemical differences using GHOSTDisentangling the origin of chemical differences using GHOST
Disentangling the origin of chemical differences using GHOST
 
Pulmonary drug delivery system M.pharm -2nd sem P'ceutics
Pulmonary drug delivery system M.pharm -2nd sem P'ceuticsPulmonary drug delivery system M.pharm -2nd sem P'ceutics
Pulmonary drug delivery system M.pharm -2nd sem P'ceutics
 
Labelling Requirements and Label Claims for Dietary Supplements and Recommend...
Labelling Requirements and Label Claims for Dietary Supplements and Recommend...Labelling Requirements and Label Claims for Dietary Supplements and Recommend...
Labelling Requirements and Label Claims for Dietary Supplements and Recommend...
 

ELLA LC algorithm presentation in ICIP 2016

  • 1. 1 ONLINE MULTI-TASK LEARNING FOR SEMANTIC CONCEPT DETECTION IN VIDEO Foteini Markatopoulou1,2, Vasileios Mezaris1, and Ioannis Patras2 1Information Technologies Institute / Centre for Research and Technology Hellas 2Queen Mary University of London
  • 2. 2 Problem • Concept-based video retrieval (38 evaluated concepts) • TRECVID SIN Task video dataset animal singing building
  • 5. 5 Motivation for going beyond the typical solution • Typical concept detection: Train one supervised classifier separately for each concept; a single-task learning process (STL) • However, concepts do not appear in isolation from each other Label relations Task relations sky sky sky skysun sun sun human car road sea trees outdoorsoutdoors outdoorsoutdoors
  • 6. 6 Literature review • Multi-concept learning (MCL): Exploit concept relations • Stacking-based approaches (Smith et al. 2003), (Markatopoulou et al. 2014) • Inner learning approaches (Qi et al. 2007) • Multi-task learning (MTL): Exploit task relations (learn many tasks together) • Assuming all tasks are related e.g., use regularization (Argyriou et al. 2007) • Some tasks may be unrelated e.g., CMTL (Zhou et al. 2011), AMTL (Sun et al. 2015), GO-MTL (Kumar et al. 2012) • Online MTL for lifelong learning e.g., ELLA (Eaton & Ruvolo 2013)
  • 7. 7 Our approach • Proposed method: ELLA_LC • ELLA_LC stands for Efficient Lifelong Learning Algorithm with Label Constraint • It jointly considers task and label relations • ELLA_LC is based on ELLA (Eaton & Ruvolo 2013) • ELLA is the online version of GO-MTL: Learning Task Grouping and Overlap in Multi-Task Learning (Kumar et al. 2012)
  • 8. 8 Background: Single-task learning Learning e.g., SVM … … d-element feature vector d-element featurevector
  • 9. 9 Background: The GO-MTL algorithm = . each linear combination is assumed to be sparse in the latent basis d-element featurevector d-element featurevector • Objective function: ensuring sparsity of S (matrix S concatenates the weight vectors s(t) from all the tasks) ensuring sparsity of L base learner e.g., LSVM, LR loss function
  • 10. 10 Background: The GO-MTL algorithm Fix L Update S . Update L Fix S . For each task Iterative optimization with respect to L and S:
  • 11. 11 Background: The ELLA algorithm Average the model losses across tasks • ELLA is the online version of GO-MTL (useful in lifelong learning scenarios) First inefficiency: due to the explicit dependence of the above equation on all of the previous training data (through the inner summation) • Solution: Approximate the equation using the second-order Taylor expansion of aaaaaaaaaaaround w(t) Second inefficiency: In order to evaluate a single candidate L, an optimization problem must be solved to recompute the value of each of the s(t)’s • Solution: Compute each s(t) only when training data for task t are available and do not update it when new tasks arrive
  • 12. 12 ELLA_LC objective function extra term added to ELLA’s objective function that considers concept correlations (1) • Contributions: 1. We add a new label-based constraint that considers concept correlations 2. We solve the objective function of ELLA using quadratic programming instead of solving the Lasso problem 3. We use linear SVMs as base learners instead of logistic regression φ-correlation coefficient between t and t’
  • 13. 13 ELLA_LC label constraint Correlation between sun and all the other concepts sky sun sea outdoors Positive correlation: force task parameters to be similar, linear classifiers return similar scores Negative correlation: force task parameters to be opposite, linear classifiers return opposite scores t2: indoors t1: sky t: sun t2: indoors t: sun t1: sky
  • 14. 14 ELLA_LC solution . . Learn e.g., SVM Compute the ϕ- correlation coefficient of the concept learned in task t with all the previously learned concepts d-element featurevector t t’ d-element featurevector To update s(t) we use quadratic programming
  • 15. 15 Experimental setup: Compared methods Dataset: TRECVID SIN 2013 • 800 and 200 hours of internet archive videos for training and testing • One keyframe per video shot • Evaluated concepts: 38, Evaluation measure: MXinfAP We experimented with 8 different feature sets • The output from 4 different pre-trained ImageNet DCNNs (CaffeNet, ConvNet, GoogLeNet-1k, GoogLeNet-5k) • The output from 4 fine-tuned networks on the TRECVID SIN dataset Compared methods • STL using: a) LR, b) LSVM, c) kernel SVM with radial kernel (KSVM) • The label powerset (LP) multi-label learning algorithm that models only label relations (Markatopoulou et al. 2014) • AMTL (Sun et al. 2015) and CMTL (Zhou et al. 2011), two batch MTL methods • ELLA (Eaton & Ruvolo 2013), an online MTL method (what we extend in this study)
  • 16. 16 Experimental results • Results of our experiments in terms of MXinfAP • ELLA_QP: an intermediate version of the proposed ELLA_LC that does not use the label constraint of ELLA_LC but uses quadratic programming • Statistical significance from the best performing method using the paired t- test (at 5% significance level); the absence of * suggests statistical significance
  • 17. 17 Experimental results • Change in XinfAP for each task between the iteration that the task was first learned and the last iteration (where all tasks had been learned), divided by the position of the task in the task sequence • Reverse transfer occurred, i.e., a positive change in accuracy for a task indicates this, mainly for the tasks that were learned early • As far as the pool of tasks increases early tasks get new knowledge from many more tasks, which explains why the benefit is bigger for them
  • 18. 18 Conclusions • Proposed ELLA_LC: an online MTL method for video concept detection • Learning the relations between many task models (one per concept) in combination with the concept correlations that can be captured from the ground-truth annotation outperforms other SoA single-task and multi-task learning approaches • The proposed ELLA_QP and ELLA_LC perform better than the STL alternatives both when LR and when LSVM is used as the base learner • The proposed ELLA_QP and ELLA_LC perform better than the MTL ELLA algorithm (the one that they extend) both when LR and when LSVM is used as the base learner • Serving as input more complicated keyframe representations (e.g., combining many DCNNs instead of using a single DCNN) improves the accuracy of the proposed ELLA_QP and ELLA_LC • Fine-tuning is a process that improves the retrieval accuracy of ELLA_QP and ELLA_LC
  • 19. 19 Thank you for your attention! Questions? More information and contact: Dr. Vasileios Mezaris bmezaris@iti.gr http://www.iti.gr/~bmezaris