SlideShare a Scribd company logo
1 of 34
Download to read offline
ToruTamaki, MihoAbe, Bisser Raytchev, Kazufumi Kaneda
19th Nov. 2010
Contributionofthistalk
 Fast GPU implementations of registration
algorithms for 3D point sets.
 Softassign [Gold et al., 1998]
 EM-ICP [Granger et al., 2002]
 (Weighted) Horn’s method [Horn, 1987]
 So, what is “registartion” ?
Whatis“Registration”or“Alignment”?
A set of images
Image registration
Registrationof3Dpointsets
大石岳史,増田智仁,倉爪亮,池内克史,創建期奈良大仏及び大仏殿のデ
ジタル復元,日本バーチャルリアリティ学会論文誌, Vol. 10, No. 3,
pp.429-436, 2005.10.
A statue
Range data
from one
view
Range data
from
another
view
Aligned (registered) 3d
point cloud
An example of rendered
CG image of the statue
3Dregistrationalgorithm
 Input
 Two point sets: 𝑋 and 𝑌
 Output
 Rotation matrix 𝑅
 Translation vector 𝒕
X Y
𝑅 and 𝒕
Algorithmsforregistration
Horn’s method
• Corresponding point sets are given.
• Estimate R and t.
ICP (Iterative closest point)
• Unknown correspondence.
• Fast, standard.
• Easily fail due to local minimum.
• A lot of variants follow.
Softassign
• Unknown correspondence.
• Robust.
• Very slow because of iterations.
EM-ICP
• Unknown correspondence.
• Robust.
• Very slow because of iterations.
Registration
algorithm
Algorithmsforregistration
Horn’s method
• Corresponding point sets are given.
• Estimate R and t.
ICP (Iterative closest point)
• Unknown correspondence.
• Fast, standard.
• Easily fail due to local minimum.
• A lot of variants follow.
Softassign
• Unknown correspondence.
• Robust.
• Very slow because of iterations.
EM-ICP
• Unknown correspondence.
• Robust.
• Very slow because of iterations.
Registration
algorithm
Horn’smethod:correspondenceisknown.
𝑋 𝑌
X Y
?
Unknown correspondence
X Y
Known correspondence
𝒙1 𝒚1
𝒙2 𝒚2
⋮⋮
𝑇
𝑇
𝑇
𝑇
𝒙1 = (𝑥1𝑥, 𝑥1𝑦, 𝑥1𝑧) 𝑇
Horn’smethod:correspondenceisknown.
𝑋 𝑌
𝒙1 𝒚1
𝒙2 𝒚2
⋮⋮
𝑇
𝑇
𝑇
𝑇
𝒙 𝒚
Compute centers
𝑋 𝑌
Centering
𝑋 − 𝒙 𝑌 − 𝒚
𝑋 𝑌𝑆 =
𝐾 =
Computer 1st Eigenvector 𝒒
: quaternion 𝑞
Convert 𝑞 to 𝑅
𝒕 = 𝒙 − 𝑅𝒚
1 2
3
4
5
Algorithmsforregistration
Horn’s method
• Corresponding point sets are given.
• Estimate R and t.
ICP (Iterative closest point)
• Unknown correspondence.
• Fast, standard.
• Easily fail due to local minimum.
• A lot of variants follow.
Softassign
• Unknown correspondence.
• Robust.
• Very slow because of iterations.
EM-ICP
• Unknown correspondence.
• Robust.
• Very slow because of iterations.
Registration
algorithm
ICP:correspondenceisunknown.
𝑋 𝑌
𝒙1 𝒚1
𝒙2 𝒚2
⋮⋮
𝑇
𝑇
𝑇
𝑇
Find closest
(nearest) point
to 𝒙1 in 𝑌
𝑌∗
𝒚𝑖
𝒚𝑖
Put the point
to 𝑌∗
ICP:correspondenceisunknown.
𝑋 𝑌
𝒙1 𝒚1
𝒙2 𝒚2
⋮⋮
𝑇
𝑇
𝑇
𝑇
Find closest
(nearest) point
to 𝒙1 in 𝑌
𝑌∗
𝒚 𝑗
𝒚𝑖
Put the point
to 𝑌∗
𝒚 𝑗
⋮
Horn’s method
with 𝑋 and 𝑌∗
Estimate 𝑅 and 𝒕
ICP:correspondenceisunknown.
𝑋 𝑅𝑌 + 𝒕
𝒙1 𝒚1
𝒙2 𝒚2
⋮⋮
𝑇
𝑇
𝑇
𝑇
Find closest
(nearest) point
to 𝒙1 in 𝑌
𝑌∗
𝒚 𝑗
𝒚𝑖
Put the point
to 𝑌∗
𝒚 𝑗
⋮
Horn’s method
with 𝑋 and 𝑌∗
Estimate 𝑅 and 𝒕
Repeat
Fast, but easy to fail
due to hard correspondence.
Algorithmsforregistration
Horn’s method
• Corresponding point sets are given.
• Estimate R and t.
ICP (Iterative closest point)
• Unknown correspondence.
• Fast, standard.
• Easily fail due to local minimum.
• A lot of variants follow.
Softassign
• Unknown correspondence.
• Robust.
• Very slow because of iterations.
EM-ICP
• Unknown correspondence.
• Robust.
• Very slow because of iterations.
Registration
algorithm
Softassign:softcorrespondence.
𝑋
𝑌
𝒙𝑖
𝒚 𝑗
𝑚𝑖𝑗
𝑚𝑖𝑗 = ||𝒙𝑖 − 𝑅𝒚 𝑗 + 𝒕 ||
𝑀
Weighted
Horn’s method
with 𝑋 and 𝑌
Estimate 𝑅 and 𝒕
Repeat
Each row and column
should be normalized to 1
by Shinkhorn iterations
Shinkhorniterations
𝑀
Each row and column
should be normalized to 1
by Shinkhorn iterations
𝑚𝑖𝑗
sum up to 1
sum up to 1
sum up to 1
⋮
sum up to 1
Repeat row and column
normalization until converge.
Shinkhorniterations
𝑀
Each row and column
should be normalized to 1
by Shinkhorn iterations
𝑚𝑖𝑗
sumupto1
sumupto1
sumupto1
⋮
sumupto1
Repeat row and column
normalization until converge.
Shinkhorn.GPU(rownormalization)
𝑀
Each row and column
should be normalized to 1
by Shinkhorn iterations
𝟏
1
1
1
⋮
𝑹 𝑀
Using sgemv of CUBLAS
Shinkhorn.GPU(rownormalization)
𝑀
Each row and column
should be normalized to 1
by Shinkhorn iterations
𝑹 𝑀
UsingCUDA kernel
Row-wise
division
Column normalization is done
by the same way.
WeightedHorn’smethod
𝑋 𝑌𝑆 = 𝑋 𝑌𝑆 = 𝑀
3 3
Normal version Weighted version
Using CUBLAS sgemv twice.
Centering.GPU(weightedversion)
𝑋
𝑹 𝑀 𝟏
1
1
1
⋮
𝑋
∗∗
CUDA
kernel
CUBLAS
sasum
𝑹 𝑀 𝟏
∗
CUBLAS
sasum
𝒙
Weighted
center
Same as for 𝒚
Weighted
sum
PipelineofSoftassing.GPU
𝑋
𝑌
𝑋
𝑌
𝑀
𝑋 𝑌𝑆 = 𝑀
Compute 𝑀 with CUDA kernel
Shinkhorn.GPU
Centering.GPU
𝑆
Weighted Horn’s method
𝐾
𝑅 and 𝒕
Solve
Eigenvalue
problem
𝒙 , 𝒚
Algorithmsforregistration
Horn’s method
• Corresponding point sets are given.
• Estimate R and t.
ICP (Iterative closest point)
• Unknown correspondence.
• Fast, standard.
• Easily fail due to local minimum.
• A lot of variants follow.
Softassign
• Unknown correspondence.
• Robust.
• Very slow because of iterations.
EM-ICP
• Unknown correspondence.
• Robust.
• Very slow because of iterations.
Registration
algorithm
EM-ICP:softcorrespondence.
𝑌
𝑋
𝒚𝑖
𝒙𝑗
𝑑𝑖𝑗
𝑑𝑖𝑗 = ||𝒙𝑗 − 𝑅𝒚𝑖 + 𝒕 ||
𝐴
Weighted
Horn’s method
with 𝑋′ and 𝑌
Estimate 𝑅 and 𝒕
Repeat
𝑋′
𝒙′𝑖
Pseudo correspondence 𝑋′
Each row is normalized once.
RownormalizationonGPU
𝐴
𝟏
1
1
1
⋮
𝑪
Using sgemv of CUBLAS
Not normalized yet.
RownormalizationonGPU
𝐴
UsingCUDA kernel
Row-wise
division
+
sqrt
𝑪
Now normalized.
Computingweights
𝐴
𝟏
1
1
1
⋮
𝝀
Using sgemv of CUBLAS
Now normalized.
Pseudocorrespondence
𝑋
𝐴
𝑋′
CUBLAS
sgemv
Centering: same with Softassing.GPU
Now normalized.
WeightedHorn’smethod
𝑋′ 𝑌𝑆 =
3
Weighted version
0
0𝜆1
𝜆2
⋱
𝝀𝑋′
∗
CUDA
kernel
𝑋
𝑋’ 𝑌𝑆 =
CUBLAS
sgemm
3
Weighted version (2 steps)
(not efficient)
PipelineofEM-ICP.GPU
𝑋
𝑌
𝑋
𝑌
𝐴
Compute 𝐴with CUDA kernel
Row normalization on GPU
Centering.GPU
𝑆
2 step weighted Horn’s method
𝐾
𝑅 and 𝒕
Solve
Eigenvalue
problem
𝒙 , 𝒚
𝝀𝑋′
∗
𝑋
𝑋′
𝑌
𝑆
=
Computingtimeoverdifferentnumberofpoints
Successfully aligned
5000 points less than
7 seconds.
Slightly fast,
but failed.
GPU: GeForce8800GT CPU: Intel Core2 Quad + OpenMP (4 cores)
Summary
 Implemented 3D registration algorithms on a
GPU are:
 Softassign,
 EM-ICP,
 Weighted Horn’s method.
 EM-ICP.GPU is
 able to align 5000 points within 7 seconds,
 60 times faster than EM-ICP.CPU,
 more robust than ICP.CPU.
 Code, binary, and movies are available at:
 http://home.hiroshima-u.ac.jp/tamaki/study/cuda_softassign_emicp/
Limitations
 Number of points
 Should be less than 8000 for GeForce8800GT with
512MB memory.
 More memory, more points.
 Stopping condition
 requires to store whole matrix 𝑀 or 𝐴, and
compare with previous ones: inefficient.
 Hence, currently, number of iterations is fixed.
Algorithmsforregistration
Horn’s method
• Corresponding point sets are given.
• Estimate R and t.
ICP (Iterative closest point)
• Unknown correspondence.
• Fast, standard.
• Easily fail due to local minimum.
• A lot of variants follow.
Softassign
• Unknown correspondence.
• Robust.
• Very slow because of iterations.
EM-ICP
• Unknown correspondence.
• Robust.
• Very slow because of iterations.
Registration
algorithm

More Related Content

What's hot

Registration 3
Registration 3Registration 3
Registration 3
ngaybuonte
 
Fast Factorized Backprojection Algorithm for UWB Bistatic.pdf
Fast Factorized Backprojection Algorithm for UWB Bistatic.pdfFast Factorized Backprojection Algorithm for UWB Bistatic.pdf
Fast Factorized Backprojection Algorithm for UWB Bistatic.pdf
grssieee
 

What's hot (15)

256 spatial encoding part 2
256 spatial encoding part 2256 spatial encoding part 2
256 spatial encoding part 2
 
Design of IIR filters
Design of IIR filtersDesign of IIR filters
Design of IIR filters
 
Registration 3
Registration 3Registration 3
Registration 3
 
Filter- IIR - Digital signal processing(DSP)
Filter- IIR - Digital signal processing(DSP)Filter- IIR - Digital signal processing(DSP)
Filter- IIR - Digital signal processing(DSP)
 
Fast Factorized Backprojection Algorithm for UWB Bistatic.pdf
Fast Factorized Backprojection Algorithm for UWB Bistatic.pdfFast Factorized Backprojection Algorithm for UWB Bistatic.pdf
Fast Factorized Backprojection Algorithm for UWB Bistatic.pdf
 
Project
ProjectProject
Project
 
Killzone Shadow Fall Demo Postmortem
Killzone Shadow Fall Demo PostmortemKillzone Shadow Fall Demo Postmortem
Killzone Shadow Fall Demo Postmortem
 
Dsp U Lec08 Fir Filter Design
Dsp U   Lec08 Fir Filter DesignDsp U   Lec08 Fir Filter Design
Dsp U Lec08 Fir Filter Design
 
IIR filter design, Digital signal processing
IIR filter design, Digital signal processingIIR filter design, Digital signal processing
IIR filter design, Digital signal processing
 
[2017 GDC] Radeon ProRender and Radeon Rays in a Gaming Rendering Workflow
[2017 GDC] Radeon ProRender and Radeon Rays in a Gaming Rendering Workflow[2017 GDC] Radeon ProRender and Radeon Rays in a Gaming Rendering Workflow
[2017 GDC] Radeon ProRender and Radeon Rays in a Gaming Rendering Workflow
 
Video lecture for bca
Video lecture for bcaVideo lecture for bca
Video lecture for bca
 
Filter_Designs
Filter_DesignsFilter_Designs
Filter_Designs
 
SW/HW co-design for near-term quantum computing
SW/HW co-design for near-term quantum computingSW/HW co-design for near-term quantum computing
SW/HW co-design for near-term quantum computing
 
Circuit Network Analysis - [Chapter2] Sinusoidal Steady-state Analysis
Circuit Network Analysis - [Chapter2] Sinusoidal Steady-state AnalysisCircuit Network Analysis - [Chapter2] Sinusoidal Steady-state Analysis
Circuit Network Analysis - [Chapter2] Sinusoidal Steady-state Analysis
 
Acquisition of Long Pseudo Code in Dsss Signal
Acquisition of Long Pseudo Code in Dsss SignalAcquisition of Long Pseudo Code in Dsss Signal
Acquisition of Long Pseudo Code in Dsss Signal
 

Viewers also liked

Wujanz_Error_Projection_2011
Wujanz_Error_Projection_2011Wujanz_Error_Projection_2011
Wujanz_Error_Projection_2011
Jacob Collstrup
 

Viewers also liked (6)

Dmitrii Tihonkih - The Iterative Closest Points Algorithm and Affine Transfo...
Dmitrii Tihonkih - The Iterative Closest Points Algorithm and  Affine Transfo...Dmitrii Tihonkih - The Iterative Closest Points Algorithm and  Affine Transfo...
Dmitrii Tihonkih - The Iterative Closest Points Algorithm and Affine Transfo...
 
Wujanz_Error_Projection_2011
Wujanz_Error_Projection_2011Wujanz_Error_Projection_2011
Wujanz_Error_Projection_2011
 
Build Your Own 3D Scanner: Surface Reconstruction
Build Your Own 3D Scanner: Surface ReconstructionBuild Your Own 3D Scanner: Surface Reconstruction
Build Your Own 3D Scanner: Surface Reconstruction
 
"High-resolution 3D Reconstruction on a Mobile Processor," a Presentation fro...
"High-resolution 3D Reconstruction on a Mobile Processor," a Presentation fro..."High-resolution 3D Reconstruction on a Mobile Processor," a Presentation fro...
"High-resolution 3D Reconstruction on a Mobile Processor," a Presentation fro...
 
SSII2012 2D&3Dレジストレーション ~画像と3次元点群の合わせ方~ 第1部
SSII2012 2D&3Dレジストレーション ~画像と3次元点群の合わせ方~ 第1部SSII2012 2D&3Dレジストレーション ~画像と3次元点群の合わせ方~ 第1部
SSII2012 2D&3Dレジストレーション ~画像と3次元点群の合わせ方~ 第1部
 
3次元レジストレーション(PCLデモとコード付き)
3次元レジストレーション(PCLデモとコード付き)3次元レジストレーション(PCLデモとコード付き)
3次元レジストレーション(PCLデモとコード付き)
 

Similar to Softassign and EM-ICP on GPU

Intelligent Handwriting Recognition_MIL_presentation_v3_final
Intelligent Handwriting Recognition_MIL_presentation_v3_finalIntelligent Handwriting Recognition_MIL_presentation_v3_final
Intelligent Handwriting Recognition_MIL_presentation_v3_final
Suhas Pillai
 
Presentation at SMI 2023
Presentation at SMI 2023Presentation at SMI 2023
Presentation at SMI 2023
Joaquim Jorge
 
Exploring Optimization in Vowpal Wabbit
Exploring Optimization in Vowpal WabbitExploring Optimization in Vowpal Wabbit
Exploring Optimization in Vowpal Wabbit
Shiladitya Sen
 
Online Stochastic Tensor Decomposition for Background Subtraction in Multispe...
Online Stochastic Tensor Decomposition for Background Subtraction in Multispe...Online Stochastic Tensor Decomposition for Background Subtraction in Multispe...
Online Stochastic Tensor Decomposition for Background Subtraction in Multispe...
ActiveEon
 

Similar to Softassign and EM-ICP on GPU (20)

Dictionary Learning in Games - GDC 2014
Dictionary Learning in Games - GDC 2014Dictionary Learning in Games - GDC 2014
Dictionary Learning in Games - GDC 2014
 
Intelligent Handwriting Recognition_MIL_presentation_v3_final
Intelligent Handwriting Recognition_MIL_presentation_v3_finalIntelligent Handwriting Recognition_MIL_presentation_v3_final
Intelligent Handwriting Recognition_MIL_presentation_v3_final
 
Waveform_codingUNIT-II_DC_-PPT.pptx
Waveform_codingUNIT-II_DC_-PPT.pptxWaveform_codingUNIT-II_DC_-PPT.pptx
Waveform_codingUNIT-II_DC_-PPT.pptx
 
Temporal Superpixels Based on Proximity-Weighted Patch Matching
Temporal Superpixels Based on Proximity-Weighted Patch MatchingTemporal Superpixels Based on Proximity-Weighted Patch Matching
Temporal Superpixels Based on Proximity-Weighted Patch Matching
 
Asymptotic Notations.pptx
Asymptotic Notations.pptxAsymptotic Notations.pptx
Asymptotic Notations.pptx
 
Tomoya Sato Master Thesis
Tomoya Sato Master ThesisTomoya Sato Master Thesis
Tomoya Sato Master Thesis
 
Presentation at SMI 2023
Presentation at SMI 2023Presentation at SMI 2023
Presentation at SMI 2023
 
Object Pose Estimation
Object Pose EstimationObject Pose Estimation
Object Pose Estimation
 
Exploring Optimization in Vowpal Wabbit
Exploring Optimization in Vowpal WabbitExploring Optimization in Vowpal Wabbit
Exploring Optimization in Vowpal Wabbit
 
PR-214: FlowNet: Learning Optical Flow with Convolutional Networks
PR-214: FlowNet: Learning Optical Flow with Convolutional NetworksPR-214: FlowNet: Learning Optical Flow with Convolutional Networks
PR-214: FlowNet: Learning Optical Flow with Convolutional Networks
 
Asymptotics 140510003721-phpapp02
Asymptotics 140510003721-phpapp02Asymptotics 140510003721-phpapp02
Asymptotics 140510003721-phpapp02
 
Online Stochastic Tensor Decomposition for Background Subtraction in Multispe...
Online Stochastic Tensor Decomposition for Background Subtraction in Multispe...Online Stochastic Tensor Decomposition for Background Subtraction in Multispe...
Online Stochastic Tensor Decomposition for Background Subtraction in Multispe...
 
Asymptotic Notations
Asymptotic NotationsAsymptotic Notations
Asymptotic Notations
 
Gpu Join Presentation
Gpu Join PresentationGpu Join Presentation
Gpu Join Presentation
 
Waveform_codingUNIT-II_DC_-PPT.pptx
Waveform_codingUNIT-II_DC_-PPT.pptxWaveform_codingUNIT-II_DC_-PPT.pptx
Waveform_codingUNIT-II_DC_-PPT.pptx
 
Behavioral modeling of Clock/Data Recovery
Behavioral modeling of Clock/Data RecoveryBehavioral modeling of Clock/Data Recovery
Behavioral modeling of Clock/Data Recovery
 
pycon2018 "RL Adventure : DQN 부터 Rainbow DQN까지"
pycon2018 "RL Adventure : DQN 부터 Rainbow DQN까지"pycon2018 "RL Adventure : DQN 부터 Rainbow DQN까지"
pycon2018 "RL Adventure : DQN 부터 Rainbow DQN까지"
 
Spectral clustering Tutorial
Spectral clustering TutorialSpectral clustering Tutorial
Spectral clustering Tutorial
 
Analysis of local affine model v2
Analysis of  local affine model v2Analysis of  local affine model v2
Analysis of local affine model v2
 
Analysis of local affine model v2
Analysis of  local affine model v2Analysis of  local affine model v2
Analysis of local affine model v2
 

More from Toru Tamaki

More from Toru Tamaki (20)

論文紹介:Video-GroundingDINO: Towards Open-Vocabulary Spatio-Temporal Video Groun...
論文紹介:Video-GroundingDINO: Towards Open-Vocabulary Spatio-Temporal Video Groun...論文紹介:Video-GroundingDINO: Towards Open-Vocabulary Spatio-Temporal Video Groun...
論文紹介:Video-GroundingDINO: Towards Open-Vocabulary Spatio-Temporal Video Groun...
 
論文紹介:Selective Structured State-Spaces for Long-Form Video Understanding
論文紹介:Selective Structured State-Spaces for Long-Form Video Understanding論文紹介:Selective Structured State-Spaces for Long-Form Video Understanding
論文紹介:Selective Structured State-Spaces for Long-Form Video Understanding
 
論文紹介:Text2Video-Zero: Text-to-Image Diffusion Models are Zero-Shot Video Gene...
論文紹介:Text2Video-Zero: Text-to-Image Diffusion Models are Zero-Shot Video Gene...論文紹介:Text2Video-Zero: Text-to-Image Diffusion Models are Zero-Shot Video Gene...
論文紹介:Text2Video-Zero: Text-to-Image Diffusion Models are Zero-Shot Video Gene...
 
論文紹介:Content-Aware Token Sharing for Efficient Semantic Segmentation With Vis...
論文紹介:Content-Aware Token Sharing for Efficient Semantic Segmentation With Vis...論文紹介:Content-Aware Token Sharing for Efficient Semantic Segmentation With Vis...
論文紹介:Content-Aware Token Sharing for Efficient Semantic Segmentation With Vis...
 
論文紹介:Automated Classification of Model Errors on ImageNet
論文紹介:Automated Classification of Model Errors on ImageNet論文紹介:Automated Classification of Model Errors on ImageNet
論文紹介:Automated Classification of Model Errors on ImageNet
 
論文紹介:Semantic segmentation using Vision Transformers: A survey
論文紹介:Semantic segmentation using Vision Transformers: A survey論文紹介:Semantic segmentation using Vision Transformers: A survey
論文紹介:Semantic segmentation using Vision Transformers: A survey
 
論文紹介:MOSE: A New Dataset for Video Object Segmentation in Complex Scenes
論文紹介:MOSE: A New Dataset for Video Object Segmentation in Complex Scenes論文紹介:MOSE: A New Dataset for Video Object Segmentation in Complex Scenes
論文紹介:MOSE: A New Dataset for Video Object Segmentation in Complex Scenes
 
論文紹介:MoLo: Motion-Augmented Long-Short Contrastive Learning for Few-Shot Acti...
論文紹介:MoLo: Motion-Augmented Long-Short Contrastive Learning for Few-Shot Acti...論文紹介:MoLo: Motion-Augmented Long-Short Contrastive Learning for Few-Shot Acti...
論文紹介:MoLo: Motion-Augmented Long-Short Contrastive Learning for Few-Shot Acti...
 
論文紹介:Tracking Anything with Decoupled Video Segmentation
論文紹介:Tracking Anything with Decoupled Video Segmentation論文紹介:Tracking Anything with Decoupled Video Segmentation
論文紹介:Tracking Anything with Decoupled Video Segmentation
 
論文紹介:Real-Time Evaluation in Online Continual Learning: A New Hope
論文紹介:Real-Time Evaluation in Online Continual Learning: A New Hope論文紹介:Real-Time Evaluation in Online Continual Learning: A New Hope
論文紹介:Real-Time Evaluation in Online Continual Learning: A New Hope
 
論文紹介:PointNet: Deep Learning on Point Sets for 3D Classification and Segmenta...
論文紹介:PointNet: Deep Learning on Point Sets for 3D Classification and Segmenta...論文紹介:PointNet: Deep Learning on Point Sets for 3D Classification and Segmenta...
論文紹介:PointNet: Deep Learning on Point Sets for 3D Classification and Segmenta...
 
論文紹介:Multitask Vision-Language Prompt Tuning
論文紹介:Multitask Vision-Language Prompt Tuning論文紹介:Multitask Vision-Language Prompt Tuning
論文紹介:Multitask Vision-Language Prompt Tuning
 
論文紹介:MovieCLIP: Visual Scene Recognition in Movies
論文紹介:MovieCLIP: Visual Scene Recognition in Movies論文紹介:MovieCLIP: Visual Scene Recognition in Movies
論文紹介:MovieCLIP: Visual Scene Recognition in Movies
 
論文紹介:Discovering Universal Geometry in Embeddings with ICA
論文紹介:Discovering Universal Geometry in Embeddings with ICA論文紹介:Discovering Universal Geometry in Embeddings with ICA
論文紹介:Discovering Universal Geometry in Embeddings with ICA
 
論文紹介:Efficient Video Action Detection with Token Dropout and Context Refinement
論文紹介:Efficient Video Action Detection with Token Dropout and Context Refinement論文紹介:Efficient Video Action Detection with Token Dropout and Context Refinement
論文紹介:Efficient Video Action Detection with Token Dropout and Context Refinement
 
論文紹介:Learning from Noisy Pseudo Labels for Semi-Supervised Temporal Action Lo...
論文紹介:Learning from Noisy Pseudo Labels for Semi-Supervised Temporal Action Lo...論文紹介:Learning from Noisy Pseudo Labels for Semi-Supervised Temporal Action Lo...
論文紹介:Learning from Noisy Pseudo Labels for Semi-Supervised Temporal Action Lo...
 
論文紹介:MeMViT: Memory-Augmented Multiscale Vision Transformer for Efficient Lon...
論文紹介:MeMViT: Memory-Augmented Multiscale Vision Transformer for Efficient Lon...論文紹介:MeMViT: Memory-Augmented Multiscale Vision Transformer for Efficient Lon...
論文紹介:MeMViT: Memory-Augmented Multiscale Vision Transformer for Efficient Lon...
 
論文紹介:Revealing the unseen: Benchmarking video action recognition under occlusion
論文紹介:Revealing the unseen: Benchmarking video action recognition under occlusion論文紹介:Revealing the unseen: Benchmarking video action recognition under occlusion
論文紹介:Revealing the unseen: Benchmarking video action recognition under occlusion
 
論文紹介:Video Task Decathlon: Unifying Image and Video Tasks in Autonomous Driving
論文紹介:Video Task Decathlon: Unifying Image and Video Tasks in Autonomous Driving論文紹介:Video Task Decathlon: Unifying Image and Video Tasks in Autonomous Driving
論文紹介:Video Task Decathlon: Unifying Image and Video Tasks in Autonomous Driving
 
論文紹介:Spatio-Temporal Action Detection Under Large Motion
論文紹介:Spatio-Temporal Action Detection Under Large Motion論文紹介:Spatio-Temporal Action Detection Under Large Motion
論文紹介:Spatio-Temporal Action Detection Under Large Motion
 

Recently uploaded

Architecting Cloud Native Applications
Architecting Cloud Native ApplicationsArchitecting Cloud Native Applications
Architecting Cloud Native Applications
WSO2
 
Cloud Frontiers: A Deep Dive into Serverless Spatial Data and FME
Cloud Frontiers:  A Deep Dive into Serverless Spatial Data and FMECloud Frontiers:  A Deep Dive into Serverless Spatial Data and FME
Cloud Frontiers: A Deep Dive into Serverless Spatial Data and FME
Safe Software
 
Why Teams call analytics are critical to your entire business
Why Teams call analytics are critical to your entire businessWhy Teams call analytics are critical to your entire business
Why Teams call analytics are critical to your entire business
panagenda
 

Recently uploaded (20)

TrustArc Webinar - Unlock the Power of AI-Driven Data Discovery
TrustArc Webinar - Unlock the Power of AI-Driven Data DiscoveryTrustArc Webinar - Unlock the Power of AI-Driven Data Discovery
TrustArc Webinar - Unlock the Power of AI-Driven Data Discovery
 
MINDCTI Revenue Release Quarter One 2024
MINDCTI Revenue Release Quarter One 2024MINDCTI Revenue Release Quarter One 2024
MINDCTI Revenue Release Quarter One 2024
 
ProductAnonymous-April2024-WinProductDiscovery-MelissaKlemke
ProductAnonymous-April2024-WinProductDiscovery-MelissaKlemkeProductAnonymous-April2024-WinProductDiscovery-MelissaKlemke
ProductAnonymous-April2024-WinProductDiscovery-MelissaKlemke
 
Polkadot JAM Slides - Token2049 - By Dr. Gavin Wood
Polkadot JAM Slides - Token2049 - By Dr. Gavin WoodPolkadot JAM Slides - Token2049 - By Dr. Gavin Wood
Polkadot JAM Slides - Token2049 - By Dr. Gavin Wood
 
Artificial Intelligence Chap.5 : Uncertainty
Artificial Intelligence Chap.5 : UncertaintyArtificial Intelligence Chap.5 : Uncertainty
Artificial Intelligence Chap.5 : Uncertainty
 
Architecting Cloud Native Applications
Architecting Cloud Native ApplicationsArchitecting Cloud Native Applications
Architecting Cloud Native Applications
 
Real Time Object Detection Using Open CV
Real Time Object Detection Using Open CVReal Time Object Detection Using Open CV
Real Time Object Detection Using Open CV
 
Ransomware_Q4_2023. The report. [EN].pdf
Ransomware_Q4_2023. The report. [EN].pdfRansomware_Q4_2023. The report. [EN].pdf
Ransomware_Q4_2023. The report. [EN].pdf
 
presentation ICT roal in 21st century education
presentation ICT roal in 21st century educationpresentation ICT roal in 21st century education
presentation ICT roal in 21st century education
 
Data Cloud, More than a CDP by Matt Robison
Data Cloud, More than a CDP by Matt RobisonData Cloud, More than a CDP by Matt Robison
Data Cloud, More than a CDP by Matt Robison
 
Emergent Methods: Multi-lingual narrative tracking in the news - real-time ex...
Emergent Methods: Multi-lingual narrative tracking in the news - real-time ex...Emergent Methods: Multi-lingual narrative tracking in the news - real-time ex...
Emergent Methods: Multi-lingual narrative tracking in the news - real-time ex...
 
Web Form Automation for Bonterra Impact Management (fka Social Solutions Apri...
Web Form Automation for Bonterra Impact Management (fka Social Solutions Apri...Web Form Automation for Bonterra Impact Management (fka Social Solutions Apri...
Web Form Automation for Bonterra Impact Management (fka Social Solutions Apri...
 
TrustArc Webinar - Stay Ahead of US State Data Privacy Law Developments
TrustArc Webinar - Stay Ahead of US State Data Privacy Law DevelopmentsTrustArc Webinar - Stay Ahead of US State Data Privacy Law Developments
TrustArc Webinar - Stay Ahead of US State Data Privacy Law Developments
 
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
 
2024: Domino Containers - The Next Step. News from the Domino Container commu...
2024: Domino Containers - The Next Step. News from the Domino Container commu...2024: Domino Containers - The Next Step. News from the Domino Container commu...
2024: Domino Containers - The Next Step. News from the Domino Container commu...
 
A Year of the Servo Reboot: Where Are We Now?
A Year of the Servo Reboot: Where Are We Now?A Year of the Servo Reboot: Where Are We Now?
A Year of the Servo Reboot: Where Are We Now?
 
How to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected WorkerHow to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected Worker
 
Cloud Frontiers: A Deep Dive into Serverless Spatial Data and FME
Cloud Frontiers:  A Deep Dive into Serverless Spatial Data and FMECloud Frontiers:  A Deep Dive into Serverless Spatial Data and FME
Cloud Frontiers: A Deep Dive into Serverless Spatial Data and FME
 
Why Teams call analytics are critical to your entire business
Why Teams call analytics are critical to your entire businessWhy Teams call analytics are critical to your entire business
Why Teams call analytics are critical to your entire business
 
Connector Corner: Accelerate revenue generation using UiPath API-centric busi...
Connector Corner: Accelerate revenue generation using UiPath API-centric busi...Connector Corner: Accelerate revenue generation using UiPath API-centric busi...
Connector Corner: Accelerate revenue generation using UiPath API-centric busi...
 

Softassign and EM-ICP on GPU