SlideShare a Scribd company logo
1 of 13
Download to read offline
Explaining
Segment Anything
Model (SAM)
Task #2: AI model & Theory
CASTILLO Lian Sabella Villegas
Image segmentation is a fundamental task in
computer vision that involves partitioning an image into
meaningful regions or objects
Accurate image segmentation is important for a wide
range of applications, such as medical imaging,
autonomous driving, and satellite imagery analysis
SAM is a state-of-the-art deep learning architecture
that is designed to handle different types of image
segmentation tasks efficiently and effectively
Introduction
Theory of SAM
SAM is designed to learn a general feature representation
of an input image using a pre-trained backbone network,
such as ResNet or EfficientNet
The feature representation is then fed into a series of
convolutional layers that gradually increase the resolution
of the feature map
In the final layer, the output is passed through a series of
attention gates, which selectively focus on different regions
of the image to produce a final segmentation mask
SAM combines the strengths of both
fully convolutional networks (FCNs) and
U-Net
The architecture consists of a series of
downsampling and upsampling blocks
that are connected by skip connections
The final layer of SAM includes a series
of attention gates that selectively focus
on different regions of the image to
produce a final segmentation mask
S
A
M
Architecture
The official PyTorch implementation of
SAM is available on the GitHub page of
the authors
Using SAM for image segmentation tasks
involves specifying the hyperparameters
of the model, such as the learning rate
and the number of epochs
To fine-tune SAM on your own dataset,
you will need to prepare the dataset and
train the model on the dataset
SAM Code
Multi Layer Neural Network and Cross-entropy
source: Kili Technology
https://pytorch.org/docs/stable/generated/torch.nn.CrossEntropyLoss.html
Attention Mechanisms in Deep Learning
https://medium.com/retina-ai-health-inc/attention-mechanisms-in-
deep-learning-not-so-special-26de2a824f45
Computational Complexity
https://encord.com/blog/segment-anything-model-explained/
Fine-tuning involves updating the
weights of the pre-trained model to
better fit your specific task
To fine-tune SAM, you will need to
prepare your dataset by converting it
into the appropriate format and splitting
it into training and validation sets
During training, you will need to specify
the hyperparameters of the model and
monitor the performance of the model
on the validation set
Fine-tuning SAM
Practical Examples
SAM can be used for a wide range of image
segmentation tasks, such as binary
segmentation, semantic segmentation, and
instance segmentation
Examples of practical applications of SAM
include medical image analysis, autonomous
driving, and satellite imagery analysis
Using SAM for these applications can lead to
more accurate and efficient segmentation
results
SAM
Performance
SAM has been shown to outperform
other state-of-the-art segmentation
methods on a wide range of image
segmentation tasks
For example, SAM has been shown to
achieve better segmentation results
than Mask R-CNN and DeepLabv3+
on the COCO dataset
SAM is a powerful deep learning
architecture for image segmentation
that can handle a wide range of
segmentation tasks efficiently and effectively
By understanding the theory behind
SAM and being able to use the
PyTorch implementation of SAM,
we can perform accurate and
efficient image segmentation for our
own applicantions

More Related Content

What's hot

Domain Transfer and Adaptation Survey
Domain Transfer and Adaptation SurveyDomain Transfer and Adaptation Survey
Domain Transfer and Adaptation SurveySangwoo Mo
 
A brief introduction to recent segmentation methods
A brief introduction to recent segmentation methodsA brief introduction to recent segmentation methods
A brief introduction to recent segmentation methodsShunta Saito
 
【DL輪読会】Visual Classification via Description from Large Language Models (ICLR...
【DL輪読会】Visual Classification via Description from Large Language Models (ICLR...【DL輪読会】Visual Classification via Description from Large Language Models (ICLR...
【DL輪読会】Visual Classification via Description from Large Language Models (ICLR...Deep Learning JP
 
Introduction to Deep Learning
Introduction to Deep LearningIntroduction to Deep Learning
Introduction to Deep LearningOleg Mygryn
 
物体検出フレームワークMMDetectionで快適な開発
物体検出フレームワークMMDetectionで快適な開発物体検出フレームワークMMDetectionで快適な開発
物体検出フレームワークMMDetectionで快適な開発Tatsuya Suzuki
 
Facial Expression Recognition System using Deep Convolutional Neural Networks.
Facial Expression Recognition  System using Deep Convolutional Neural Networks.Facial Expression Recognition  System using Deep Convolutional Neural Networks.
Facial Expression Recognition System using Deep Convolutional Neural Networks.Sandeep Wakchaure
 
Face Detection
Face DetectionFace Detection
Face DetectionAmr Sheta
 
Text to image generation using Midjourney
Text to image generation using MidjourneyText to image generation using Midjourney
Text to image generation using MidjourneyDawood Shahzad
 
ViT (Vision Transformer) Review [CDM]
ViT (Vision Transformer) Review [CDM]ViT (Vision Transformer) Review [CDM]
ViT (Vision Transformer) Review [CDM]Dongmin Choi
 
DLゼミ: ViTPose: Simple Vision Transformer Baselines for Human Pose Estimation
DLゼミ: ViTPose: Simple Vision Transformer Baselines for Human Pose EstimationDLゼミ: ViTPose: Simple Vision Transformer Baselines for Human Pose Estimation
DLゼミ: ViTPose: Simple Vision Transformer Baselines for Human Pose Estimationharmonylab
 
Image classification using CNN
Image classification using CNNImage classification using CNN
Image classification using CNNNoura Hussein
 
Object detection with deep learning
Object detection with deep learningObject detection with deep learning
Object detection with deep learningSushant Shrivastava
 
semantic segmentation サーベイ
semantic segmentation サーベイsemantic segmentation サーベイ
semantic segmentation サーベイyohei okawa
 
人工知能技術を用いた各医学画像処理の基礎 (2022/09/09)
人工知能技術を用いた各医学画像処理の基礎 (2022/09/09)人工知能技術を用いた各医学画像処理の基礎 (2022/09/09)
人工知能技術を用いた各医学画像処理の基礎 (2022/09/09)Yutaka KATAYAMA
 
Image Recognition Using CIFAR 10
Image Recognition Using CIFAR 10Image Recognition Using CIFAR 10
Image Recognition Using CIFAR 10Harivamshi D
 
Object Detection with Transformers
Object Detection with TransformersObject Detection with Transformers
Object Detection with TransformersDatabricks
 
Image-to-Image Translation
Image-to-Image TranslationImage-to-Image Translation
Image-to-Image TranslationJunho Kim
 
Facial Emotion Recognition: A Deep Learning approach
Facial Emotion Recognition: A Deep Learning approachFacial Emotion Recognition: A Deep Learning approach
Facial Emotion Recognition: A Deep Learning approachAshwinRachha
 

What's hot (20)

Domain Transfer and Adaptation Survey
Domain Transfer and Adaptation SurveyDomain Transfer and Adaptation Survey
Domain Transfer and Adaptation Survey
 
A brief introduction to recent segmentation methods
A brief introduction to recent segmentation methodsA brief introduction to recent segmentation methods
A brief introduction to recent segmentation methods
 
【DL輪読会】Visual Classification via Description from Large Language Models (ICLR...
【DL輪読会】Visual Classification via Description from Large Language Models (ICLR...【DL輪読会】Visual Classification via Description from Large Language Models (ICLR...
【DL輪読会】Visual Classification via Description from Large Language Models (ICLR...
 
Introduction to Deep Learning
Introduction to Deep LearningIntroduction to Deep Learning
Introduction to Deep Learning
 
物体検出フレームワークMMDetectionで快適な開発
物体検出フレームワークMMDetectionで快適な開発物体検出フレームワークMMDetectionで快適な開発
物体検出フレームワークMMDetectionで快適な開発
 
Facial Expression Recognition System using Deep Convolutional Neural Networks.
Facial Expression Recognition  System using Deep Convolutional Neural Networks.Facial Expression Recognition  System using Deep Convolutional Neural Networks.
Facial Expression Recognition System using Deep Convolutional Neural Networks.
 
Face Detection
Face DetectionFace Detection
Face Detection
 
Text to image generation using Midjourney
Text to image generation using MidjourneyText to image generation using Midjourney
Text to image generation using Midjourney
 
ViT (Vision Transformer) Review [CDM]
ViT (Vision Transformer) Review [CDM]ViT (Vision Transformer) Review [CDM]
ViT (Vision Transformer) Review [CDM]
 
DLゼミ: ViTPose: Simple Vision Transformer Baselines for Human Pose Estimation
DLゼミ: ViTPose: Simple Vision Transformer Baselines for Human Pose EstimationDLゼミ: ViTPose: Simple Vision Transformer Baselines for Human Pose Estimation
DLゼミ: ViTPose: Simple Vision Transformer Baselines for Human Pose Estimation
 
ResNetの仕組み
ResNetの仕組みResNetの仕組み
ResNetの仕組み
 
Image classification using CNN
Image classification using CNNImage classification using CNN
Image classification using CNN
 
Object detection with deep learning
Object detection with deep learningObject detection with deep learning
Object detection with deep learning
 
Deep learning
Deep learning Deep learning
Deep learning
 
semantic segmentation サーベイ
semantic segmentation サーベイsemantic segmentation サーベイ
semantic segmentation サーベイ
 
人工知能技術を用いた各医学画像処理の基礎 (2022/09/09)
人工知能技術を用いた各医学画像処理の基礎 (2022/09/09)人工知能技術を用いた各医学画像処理の基礎 (2022/09/09)
人工知能技術を用いた各医学画像処理の基礎 (2022/09/09)
 
Image Recognition Using CIFAR 10
Image Recognition Using CIFAR 10Image Recognition Using CIFAR 10
Image Recognition Using CIFAR 10
 
Object Detection with Transformers
Object Detection with TransformersObject Detection with Transformers
Object Detection with Transformers
 
Image-to-Image Translation
Image-to-Image TranslationImage-to-Image Translation
Image-to-Image Translation
 
Facial Emotion Recognition: A Deep Learning approach
Facial Emotion Recognition: A Deep Learning approachFacial Emotion Recognition: A Deep Learning approach
Facial Emotion Recognition: A Deep Learning approach
 

Similar to Math of Explaining SAM

D04011824
D04011824D04011824
D04011824IJMER
 
Smart Camera as Embedded System
Smart Camera as Embedded SystemSmart Camera as Embedded System
Smart Camera as Embedded SystemPunnam Chandar
 
how to write technical paper 11111 .pdf
how to write technical paper 11111  .pdfhow to write technical paper 11111  .pdf
how to write technical paper 11111 .pdfQasimSaadAbdulwahid
 
Car Steering Angle Prediction Using Deep Learning
Car Steering Angle Prediction Using Deep LearningCar Steering Angle Prediction Using Deep Learning
Car Steering Angle Prediction Using Deep LearningIRJET Journal
 
Java image processing ieee projects 2012 @ Seabirds ( Chennai, Bangalore, Hyd...
Java image processing ieee projects 2012 @ Seabirds ( Chennai, Bangalore, Hyd...Java image processing ieee projects 2012 @ Seabirds ( Chennai, Bangalore, Hyd...
Java image processing ieee projects 2012 @ Seabirds ( Chennai, Bangalore, Hyd...SBGC
 
Multi Processor Architecture for image processing
Multi Processor Architecture for image processingMulti Processor Architecture for image processing
Multi Processor Architecture for image processingideas2ignite
 
Distribution Management System
Distribution Management SystemDistribution Management System
Distribution Management SystemGaurav Patwa
 
An Enhancement of Braille Character Perception Using Deep Learning and Artifi...
An Enhancement of Braille Character Perception Using Deep Learning and Artifi...An Enhancement of Braille Character Perception Using Deep Learning and Artifi...
An Enhancement of Braille Character Perception Using Deep Learning and Artifi...IRJET Journal
 
MPSoC Platform Design and Simulation for Power %0A Performance Estimation
MPSoC Platform Design and  Simulation for Power %0A Performance EstimationMPSoC Platform Design and  Simulation for Power %0A Performance Estimation
MPSoC Platform Design and Simulation for Power %0A Performance EstimationZhengjie Lu
 
IRJET- Mango Classification using Convolutional Neural Networks
IRJET- Mango Classification using Convolutional Neural NetworksIRJET- Mango Classification using Convolutional Neural Networks
IRJET- Mango Classification using Convolutional Neural NetworksIRJET Journal
 
Semantic Assisted Convolutional Neural Networks in Face Recognition
Semantic Assisted Convolutional Neural Networks in Face RecognitionSemantic Assisted Convolutional Neural Networks in Face Recognition
Semantic Assisted Convolutional Neural Networks in Face RecognitionIRJET Journal
 
Modeling and Simulation of an Active Disturbance Rejection Controller Based o...
Modeling and Simulation of an Active Disturbance Rejection Controller Based o...Modeling and Simulation of an Active Disturbance Rejection Controller Based o...
Modeling and Simulation of an Active Disturbance Rejection Controller Based o...IJRES Journal
 
AN EFFICIENT AND SECURED FRAMEWORK FOR MOBILE CLOUD COMPUTING
AN EFFICIENT AND SECURED FRAMEWORK FOR MOBILE CLOUD COMPUTINGAN EFFICIENT AND SECURED FRAMEWORK FOR MOBILE CLOUD COMPUTING
AN EFFICIENT AND SECURED FRAMEWORK FOR MOBILE CLOUD COMPUTINGCHANDUVEERARAMAKRISH
 
IRJET- Semantic Segmentation using Deep Learning
IRJET- Semantic Segmentation using Deep LearningIRJET- Semantic Segmentation using Deep Learning
IRJET- Semantic Segmentation using Deep LearningIRJET Journal
 

Similar to Math of Explaining SAM (20)

D04011824
D04011824D04011824
D04011824
 
Energy Framework Enhancements in the WSN Simulator OMNETPP
Energy Framework Enhancements in the WSN Simulator OMNETPPEnergy Framework Enhancements in the WSN Simulator OMNETPP
Energy Framework Enhancements in the WSN Simulator OMNETPP
 
D04011824
D04011824D04011824
D04011824
 
Smart Camera as Embedded System
Smart Camera as Embedded SystemSmart Camera as Embedded System
Smart Camera as Embedded System
 
how to write technical paper 11111 .pdf
how to write technical paper 11111  .pdfhow to write technical paper 11111  .pdf
how to write technical paper 11111 .pdf
 
Car Steering Angle Prediction Using Deep Learning
Car Steering Angle Prediction Using Deep LearningCar Steering Angle Prediction Using Deep Learning
Car Steering Angle Prediction Using Deep Learning
 
Java image processing ieee projects 2012 @ Seabirds ( Chennai, Bangalore, Hyd...
Java image processing ieee projects 2012 @ Seabirds ( Chennai, Bangalore, Hyd...Java image processing ieee projects 2012 @ Seabirds ( Chennai, Bangalore, Hyd...
Java image processing ieee projects 2012 @ Seabirds ( Chennai, Bangalore, Hyd...
 
Multi Processor Architecture for image processing
Multi Processor Architecture for image processingMulti Processor Architecture for image processing
Multi Processor Architecture for image processing
 
2021 03-02-spade
2021 03-02-spade2021 03-02-spade
2021 03-02-spade
 
Distribution Management System
Distribution Management SystemDistribution Management System
Distribution Management System
 
DIGEST PODCAST
DIGEST PODCASTDIGEST PODCAST
DIGEST PODCAST
 
Stock Market Prediction Using ANN
Stock Market Prediction Using ANNStock Market Prediction Using ANN
Stock Market Prediction Using ANN
 
An Enhancement of Braille Character Perception Using Deep Learning and Artifi...
An Enhancement of Braille Character Perception Using Deep Learning and Artifi...An Enhancement of Braille Character Perception Using Deep Learning and Artifi...
An Enhancement of Braille Character Perception Using Deep Learning and Artifi...
 
MPSoC Platform Design and Simulation for Power %0A Performance Estimation
MPSoC Platform Design and  Simulation for Power %0A Performance EstimationMPSoC Platform Design and  Simulation for Power %0A Performance Estimation
MPSoC Platform Design and Simulation for Power %0A Performance Estimation
 
IRJET- Mango Classification using Convolutional Neural Networks
IRJET- Mango Classification using Convolutional Neural NetworksIRJET- Mango Classification using Convolutional Neural Networks
IRJET- Mango Classification using Convolutional Neural Networks
 
Semantic Assisted Convolutional Neural Networks in Face Recognition
Semantic Assisted Convolutional Neural Networks in Face RecognitionSemantic Assisted Convolutional Neural Networks in Face Recognition
Semantic Assisted Convolutional Neural Networks in Face Recognition
 
Modeling and Simulation of an Active Disturbance Rejection Controller Based o...
Modeling and Simulation of an Active Disturbance Rejection Controller Based o...Modeling and Simulation of an Active Disturbance Rejection Controller Based o...
Modeling and Simulation of an Active Disturbance Rejection Controller Based o...
 
Kq3518291832
Kq3518291832Kq3518291832
Kq3518291832
 
AN EFFICIENT AND SECURED FRAMEWORK FOR MOBILE CLOUD COMPUTING
AN EFFICIENT AND SECURED FRAMEWORK FOR MOBILE CLOUD COMPUTINGAN EFFICIENT AND SECURED FRAMEWORK FOR MOBILE CLOUD COMPUTING
AN EFFICIENT AND SECURED FRAMEWORK FOR MOBILE CLOUD COMPUTING
 
IRJET- Semantic Segmentation using Deep Learning
IRJET- Semantic Segmentation using Deep LearningIRJET- Semantic Segmentation using Deep Learning
IRJET- Semantic Segmentation using Deep Learning
 

More from Lian Sabella Castillo

Transformative Learning - Self-Directed ESD
Transformative Learning - Self-Directed ESDTransformative Learning - Self-Directed ESD
Transformative Learning - Self-Directed ESDLian Sabella Castillo
 
Mitaka club social event 第17回オンライン交流会
Mitaka club social event 第17回オンライン交流会Mitaka club social event 第17回オンライン交流会
Mitaka club social event 第17回オンライン交流会Lian Sabella Castillo
 
Summer 2021 - UTokyo | Hiroshima | Tsukuba Seminar
Summer 2021 - UTokyo | Hiroshima |  Tsukuba SeminarSummer 2021 - UTokyo | Hiroshima |  Tsukuba Seminar
Summer 2021 - UTokyo | Hiroshima | Tsukuba SeminarLian Sabella Castillo
 
ICT Integration in Philippine Public Schools | JPAIR 7th ICMR
ICT Integration in Philippine Public Schools | JPAIR 7th ICMRICT Integration in Philippine Public Schools | JPAIR 7th ICMR
ICT Integration in Philippine Public Schools | JPAIR 7th ICMRLian Sabella Castillo
 
ICT Integration in Philippine Public Schools | UTokyo
ICT Integration in Philippine Public Schools | UTokyoICT Integration in Philippine Public Schools | UTokyo
ICT Integration in Philippine Public Schools | UTokyoLian Sabella Castillo
 

More from Lian Sabella Castillo (17)

9 Dec GPSS - Theory, RQ, Framework
9 Dec GPSS - Theory, RQ, Framework9 Dec GPSS - Theory, RQ, Framework
9 Dec GPSS - Theory, RQ, Framework
 
RCE Youth Webinar: Life on Canvas
RCE Youth Webinar: Life on CanvasRCE Youth Webinar: Life on Canvas
RCE Youth Webinar: Life on Canvas
 
Transformative Learning - Self-Directed ESD
Transformative Learning - Self-Directed ESDTransformative Learning - Self-Directed ESD
Transformative Learning - Self-Directed ESD
 
Mentor Introduction Slide
Mentor Introduction SlideMentor Introduction Slide
Mentor Introduction Slide
 
Research Questions - Spring 2022
Research Questions - Spring 2022Research Questions - Spring 2022
Research Questions - Spring 2022
 
Mitaka club social event 第17回オンライン交流会
Mitaka club social event 第17回オンライン交流会Mitaka club social event 第17回オンライン交流会
Mitaka club social event 第17回オンライン交流会
 
Science Immersion Program
Science Immersion ProgramScience Immersion Program
Science Immersion Program
 
ESD Around the World
ESD Around the WorldESD Around the World
ESD Around the World
 
Applying to Grad Schools in Japan
Applying to Grad Schools in JapanApplying to Grad Schools in Japan
Applying to Grad Schools in Japan
 
Zemi presentation autumn 2021
Zemi presentation autumn 2021Zemi presentation autumn 2021
Zemi presentation autumn 2021
 
9 July 2021 GPSS First Presentation
9 July 2021 GPSS First Presentation9 July 2021 GPSS First Presentation
9 July 2021 GPSS First Presentation
 
Summer 2021 - UTokyo | Hiroshima | Tsukuba Seminar
Summer 2021 - UTokyo | Hiroshima |  Tsukuba SeminarSummer 2021 - UTokyo | Hiroshima |  Tsukuba Seminar
Summer 2021 - UTokyo | Hiroshima | Tsukuba Seminar
 
Jikoshoukai
JikoshoukaiJikoshoukai
Jikoshoukai
 
How my job impacts humanity
How my job impacts humanityHow my job impacts humanity
How my job impacts humanity
 
Teachware on Basic Reading | DLSU
Teachware on Basic Reading | DLSUTeachware on Basic Reading | DLSU
Teachware on Basic Reading | DLSU
 
ICT Integration in Philippine Public Schools | JPAIR 7th ICMR
ICT Integration in Philippine Public Schools | JPAIR 7th ICMRICT Integration in Philippine Public Schools | JPAIR 7th ICMR
ICT Integration in Philippine Public Schools | JPAIR 7th ICMR
 
ICT Integration in Philippine Public Schools | UTokyo
ICT Integration in Philippine Public Schools | UTokyoICT Integration in Philippine Public Schools | UTokyo
ICT Integration in Philippine Public Schools | UTokyo
 

Recently uploaded

RS 9000 Call In girls Dwarka Mor (DELHI)⇛9711147426🔝Delhi
RS 9000 Call In girls Dwarka Mor (DELHI)⇛9711147426🔝DelhiRS 9000 Call In girls Dwarka Mor (DELHI)⇛9711147426🔝Delhi
RS 9000 Call In girls Dwarka Mor (DELHI)⇛9711147426🔝Delhijennyeacort
 
Effects of Smartphone Addiction on the Academic Performances of Grades 9 to 1...
Effects of Smartphone Addiction on the Academic Performances of Grades 9 to 1...Effects of Smartphone Addiction on the Academic Performances of Grades 9 to 1...
Effects of Smartphone Addiction on the Academic Performances of Grades 9 to 1...limedy534
 
From idea to production in a day – Leveraging Azure ML and Streamlit to build...
From idea to production in a day – Leveraging Azure ML and Streamlit to build...From idea to production in a day – Leveraging Azure ML and Streamlit to build...
From idea to production in a day – Leveraging Azure ML and Streamlit to build...Florian Roscheck
 
1:1定制(UQ毕业证)昆士兰大学毕业证成绩单修改留信学历认证原版一模一样
1:1定制(UQ毕业证)昆士兰大学毕业证成绩单修改留信学历认证原版一模一样1:1定制(UQ毕业证)昆士兰大学毕业证成绩单修改留信学历认证原版一模一样
1:1定制(UQ毕业证)昆士兰大学毕业证成绩单修改留信学历认证原版一模一样vhwb25kk
 
Kantar AI Summit- Under Embargo till Wednesday, 24th April 2024, 4 PM, IST.pdf
Kantar AI Summit- Under Embargo till Wednesday, 24th April 2024, 4 PM, IST.pdfKantar AI Summit- Under Embargo till Wednesday, 24th April 2024, 4 PM, IST.pdf
Kantar AI Summit- Under Embargo till Wednesday, 24th April 2024, 4 PM, IST.pdfSocial Samosa
 
Call Girls In Dwarka 9654467111 Escorts Service
Call Girls In Dwarka 9654467111 Escorts ServiceCall Girls In Dwarka 9654467111 Escorts Service
Call Girls In Dwarka 9654467111 Escorts ServiceSapana Sha
 
毕业文凭制作#回国入职#diploma#degree澳洲中央昆士兰大学毕业证成绩单pdf电子版制作修改#毕业文凭制作#回国入职#diploma#degree
毕业文凭制作#回国入职#diploma#degree澳洲中央昆士兰大学毕业证成绩单pdf电子版制作修改#毕业文凭制作#回国入职#diploma#degree毕业文凭制作#回国入职#diploma#degree澳洲中央昆士兰大学毕业证成绩单pdf电子版制作修改#毕业文凭制作#回国入职#diploma#degree
毕业文凭制作#回国入职#diploma#degree澳洲中央昆士兰大学毕业证成绩单pdf电子版制作修改#毕业文凭制作#回国入职#diploma#degreeyuu sss
 
Customer Service Analytics - Make Sense of All Your Data.pptx
Customer Service Analytics - Make Sense of All Your Data.pptxCustomer Service Analytics - Make Sense of All Your Data.pptx
Customer Service Analytics - Make Sense of All Your Data.pptxEmmanuel Dauda
 
ASML's Taxonomy Adventure by Daniel Canter
ASML's Taxonomy Adventure by Daniel CanterASML's Taxonomy Adventure by Daniel Canter
ASML's Taxonomy Adventure by Daniel Cantervoginip
 
04242024_CCC TUG_Joins and Relationships
04242024_CCC TUG_Joins and Relationships04242024_CCC TUG_Joins and Relationships
04242024_CCC TUG_Joins and Relationshipsccctableauusergroup
 
DBA Basics: Getting Started with Performance Tuning.pdf
DBA Basics: Getting Started with Performance Tuning.pdfDBA Basics: Getting Started with Performance Tuning.pdf
DBA Basics: Getting Started with Performance Tuning.pdfJohn Sterrett
 
Saket, (-DELHI )+91-9654467111-(=)CHEAP Call Girls in Escorts Service Saket C...
Saket, (-DELHI )+91-9654467111-(=)CHEAP Call Girls in Escorts Service Saket C...Saket, (-DELHI )+91-9654467111-(=)CHEAP Call Girls in Escorts Service Saket C...
Saket, (-DELHI )+91-9654467111-(=)CHEAP Call Girls in Escorts Service Saket C...Sapana Sha
 
科罗拉多大学波尔得分校毕业证学位证成绩单-可办理
科罗拉多大学波尔得分校毕业证学位证成绩单-可办理科罗拉多大学波尔得分校毕业证学位证成绩单-可办理
科罗拉多大学波尔得分校毕业证学位证成绩单-可办理e4aez8ss
 
dokumen.tips_chapter-4-transient-heat-conduction-mehmet-kanoglu.ppt
dokumen.tips_chapter-4-transient-heat-conduction-mehmet-kanoglu.pptdokumen.tips_chapter-4-transient-heat-conduction-mehmet-kanoglu.ppt
dokumen.tips_chapter-4-transient-heat-conduction-mehmet-kanoglu.pptSonatrach
 
How we prevented account sharing with MFA
How we prevented account sharing with MFAHow we prevented account sharing with MFA
How we prevented account sharing with MFAAndrei Kaleshka
 
INTERNSHIP ON PURBASHA COMPOSITE TEX LTD
INTERNSHIP ON PURBASHA COMPOSITE TEX LTDINTERNSHIP ON PURBASHA COMPOSITE TEX LTD
INTERNSHIP ON PURBASHA COMPOSITE TEX LTDRafezzaman
 
Dubai Call Girls Wifey O52&786472 Call Girls Dubai
Dubai Call Girls Wifey O52&786472 Call Girls DubaiDubai Call Girls Wifey O52&786472 Call Girls Dubai
Dubai Call Girls Wifey O52&786472 Call Girls Dubaihf8803863
 

Recently uploaded (20)

RS 9000 Call In girls Dwarka Mor (DELHI)⇛9711147426🔝Delhi
RS 9000 Call In girls Dwarka Mor (DELHI)⇛9711147426🔝DelhiRS 9000 Call In girls Dwarka Mor (DELHI)⇛9711147426🔝Delhi
RS 9000 Call In girls Dwarka Mor (DELHI)⇛9711147426🔝Delhi
 
Call Girls in Saket 99530🔝 56974 Escort Service
Call Girls in Saket 99530🔝 56974 Escort ServiceCall Girls in Saket 99530🔝 56974 Escort Service
Call Girls in Saket 99530🔝 56974 Escort Service
 
Effects of Smartphone Addiction on the Academic Performances of Grades 9 to 1...
Effects of Smartphone Addiction on the Academic Performances of Grades 9 to 1...Effects of Smartphone Addiction on the Academic Performances of Grades 9 to 1...
Effects of Smartphone Addiction on the Academic Performances of Grades 9 to 1...
 
From idea to production in a day – Leveraging Azure ML and Streamlit to build...
From idea to production in a day – Leveraging Azure ML and Streamlit to build...From idea to production in a day – Leveraging Azure ML and Streamlit to build...
From idea to production in a day – Leveraging Azure ML and Streamlit to build...
 
1:1定制(UQ毕业证)昆士兰大学毕业证成绩单修改留信学历认证原版一模一样
1:1定制(UQ毕业证)昆士兰大学毕业证成绩单修改留信学历认证原版一模一样1:1定制(UQ毕业证)昆士兰大学毕业证成绩单修改留信学历认证原版一模一样
1:1定制(UQ毕业证)昆士兰大学毕业证成绩单修改留信学历认证原版一模一样
 
Kantar AI Summit- Under Embargo till Wednesday, 24th April 2024, 4 PM, IST.pdf
Kantar AI Summit- Under Embargo till Wednesday, 24th April 2024, 4 PM, IST.pdfKantar AI Summit- Under Embargo till Wednesday, 24th April 2024, 4 PM, IST.pdf
Kantar AI Summit- Under Embargo till Wednesday, 24th April 2024, 4 PM, IST.pdf
 
Call Girls In Dwarka 9654467111 Escorts Service
Call Girls In Dwarka 9654467111 Escorts ServiceCall Girls In Dwarka 9654467111 Escorts Service
Call Girls In Dwarka 9654467111 Escorts Service
 
毕业文凭制作#回国入职#diploma#degree澳洲中央昆士兰大学毕业证成绩单pdf电子版制作修改#毕业文凭制作#回国入职#diploma#degree
毕业文凭制作#回国入职#diploma#degree澳洲中央昆士兰大学毕业证成绩单pdf电子版制作修改#毕业文凭制作#回国入职#diploma#degree毕业文凭制作#回国入职#diploma#degree澳洲中央昆士兰大学毕业证成绩单pdf电子版制作修改#毕业文凭制作#回国入职#diploma#degree
毕业文凭制作#回国入职#diploma#degree澳洲中央昆士兰大学毕业证成绩单pdf电子版制作修改#毕业文凭制作#回国入职#diploma#degree
 
Customer Service Analytics - Make Sense of All Your Data.pptx
Customer Service Analytics - Make Sense of All Your Data.pptxCustomer Service Analytics - Make Sense of All Your Data.pptx
Customer Service Analytics - Make Sense of All Your Data.pptx
 
ASML's Taxonomy Adventure by Daniel Canter
ASML's Taxonomy Adventure by Daniel CanterASML's Taxonomy Adventure by Daniel Canter
ASML's Taxonomy Adventure by Daniel Canter
 
04242024_CCC TUG_Joins and Relationships
04242024_CCC TUG_Joins and Relationships04242024_CCC TUG_Joins and Relationships
04242024_CCC TUG_Joins and Relationships
 
DBA Basics: Getting Started with Performance Tuning.pdf
DBA Basics: Getting Started with Performance Tuning.pdfDBA Basics: Getting Started with Performance Tuning.pdf
DBA Basics: Getting Started with Performance Tuning.pdf
 
Saket, (-DELHI )+91-9654467111-(=)CHEAP Call Girls in Escorts Service Saket C...
Saket, (-DELHI )+91-9654467111-(=)CHEAP Call Girls in Escorts Service Saket C...Saket, (-DELHI )+91-9654467111-(=)CHEAP Call Girls in Escorts Service Saket C...
Saket, (-DELHI )+91-9654467111-(=)CHEAP Call Girls in Escorts Service Saket C...
 
科罗拉多大学波尔得分校毕业证学位证成绩单-可办理
科罗拉多大学波尔得分校毕业证学位证成绩单-可办理科罗拉多大学波尔得分校毕业证学位证成绩单-可办理
科罗拉多大学波尔得分校毕业证学位证成绩单-可办理
 
dokumen.tips_chapter-4-transient-heat-conduction-mehmet-kanoglu.ppt
dokumen.tips_chapter-4-transient-heat-conduction-mehmet-kanoglu.pptdokumen.tips_chapter-4-transient-heat-conduction-mehmet-kanoglu.ppt
dokumen.tips_chapter-4-transient-heat-conduction-mehmet-kanoglu.ppt
 
How we prevented account sharing with MFA
How we prevented account sharing with MFAHow we prevented account sharing with MFA
How we prevented account sharing with MFA
 
INTERNSHIP ON PURBASHA COMPOSITE TEX LTD
INTERNSHIP ON PURBASHA COMPOSITE TEX LTDINTERNSHIP ON PURBASHA COMPOSITE TEX LTD
INTERNSHIP ON PURBASHA COMPOSITE TEX LTD
 
Dubai Call Girls Wifey O52&786472 Call Girls Dubai
Dubai Call Girls Wifey O52&786472 Call Girls DubaiDubai Call Girls Wifey O52&786472 Call Girls Dubai
Dubai Call Girls Wifey O52&786472 Call Girls Dubai
 
Deep Generative Learning for All - The Gen AI Hype (Spring 2024)
Deep Generative Learning for All - The Gen AI Hype (Spring 2024)Deep Generative Learning for All - The Gen AI Hype (Spring 2024)
Deep Generative Learning for All - The Gen AI Hype (Spring 2024)
 
E-Commerce Order PredictionShraddha Kamble.pptx
E-Commerce Order PredictionShraddha Kamble.pptxE-Commerce Order PredictionShraddha Kamble.pptx
E-Commerce Order PredictionShraddha Kamble.pptx
 

Math of Explaining SAM

  • 1. Explaining Segment Anything Model (SAM) Task #2: AI model & Theory CASTILLO Lian Sabella Villegas
  • 2. Image segmentation is a fundamental task in computer vision that involves partitioning an image into meaningful regions or objects Accurate image segmentation is important for a wide range of applications, such as medical imaging, autonomous driving, and satellite imagery analysis SAM is a state-of-the-art deep learning architecture that is designed to handle different types of image segmentation tasks efficiently and effectively Introduction
  • 3. Theory of SAM SAM is designed to learn a general feature representation of an input image using a pre-trained backbone network, such as ResNet or EfficientNet The feature representation is then fed into a series of convolutional layers that gradually increase the resolution of the feature map In the final layer, the output is passed through a series of attention gates, which selectively focus on different regions of the image to produce a final segmentation mask
  • 4. SAM combines the strengths of both fully convolutional networks (FCNs) and U-Net The architecture consists of a series of downsampling and upsampling blocks that are connected by skip connections The final layer of SAM includes a series of attention gates that selectively focus on different regions of the image to produce a final segmentation mask S A M Architecture
  • 5. The official PyTorch implementation of SAM is available on the GitHub page of the authors Using SAM for image segmentation tasks involves specifying the hyperparameters of the model, such as the learning rate and the number of epochs To fine-tune SAM on your own dataset, you will need to prepare the dataset and train the model on the dataset SAM Code
  • 6. Multi Layer Neural Network and Cross-entropy source: Kili Technology https://pytorch.org/docs/stable/generated/torch.nn.CrossEntropyLoss.html
  • 7. Attention Mechanisms in Deep Learning https://medium.com/retina-ai-health-inc/attention-mechanisms-in- deep-learning-not-so-special-26de2a824f45
  • 9. Fine-tuning involves updating the weights of the pre-trained model to better fit your specific task To fine-tune SAM, you will need to prepare your dataset by converting it into the appropriate format and splitting it into training and validation sets During training, you will need to specify the hyperparameters of the model and monitor the performance of the model on the validation set Fine-tuning SAM
  • 10. Practical Examples SAM can be used for a wide range of image segmentation tasks, such as binary segmentation, semantic segmentation, and instance segmentation Examples of practical applications of SAM include medical image analysis, autonomous driving, and satellite imagery analysis Using SAM for these applications can lead to more accurate and efficient segmentation results
  • 11. SAM Performance SAM has been shown to outperform other state-of-the-art segmentation methods on a wide range of image segmentation tasks For example, SAM has been shown to achieve better segmentation results than Mask R-CNN and DeepLabv3+ on the COCO dataset
  • 12. SAM is a powerful deep learning architecture for image segmentation that can handle a wide range of segmentation tasks efficiently and effectively
  • 13. By understanding the theory behind SAM and being able to use the PyTorch implementation of SAM, we can perform accurate and efficient image segmentation for our own applicantions