SlideShare a Scribd company logo
2
Most read
4
Most read
13
Most read
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

PDF
(CVPR2021 Oral) RobustNet: Improving Domain Generalization in Urban-Scene Seg...
PDF
Emerging Properties in Self-Supervised Vision Transformers
PDF
Introduction to Few shot learning
PDF
Yurii Pashchenko: Unlocking the potential of Segment Anything Model (UA)
PPTX
Segment Anything
PDF
PR-355: Masked Autoencoders Are Scalable Vision Learners
PPTX
[MICCAI 2022] Meta-hallucinator: Towards Few-Shot Cross-Modality Cardiac Imag...
PDF
PR-317: MLP-Mixer: An all-MLP Architecture for Vision
(CVPR2021 Oral) RobustNet: Improving Domain Generalization in Urban-Scene Seg...
Emerging Properties in Self-Supervised Vision Transformers
Introduction to Few shot learning
Yurii Pashchenko: Unlocking the potential of Segment Anything Model (UA)
Segment Anything
PR-355: Masked Autoencoders Are Scalable Vision Learners
[MICCAI 2022] Meta-hallucinator: Towards Few-Shot Cross-Modality Cardiac Imag...
PR-317: MLP-Mixer: An all-MLP Architecture for Vision

What's hot (20)

PPTX
Image processing
PDF
Introduction to batch normalization
PPTX
Image classification using CNN
PPT
image enhancement
PPTX
Convolutional Neural Network - CNN | How CNN Works | Deep Learning Course | S...
PDF
PR-231: A Simple Framework for Contrastive Learning of Visual Representations
PDF
Object detection and Instance Segmentation
PPTX
Semantic segmentation with Convolutional Neural Network Approaches
PPTX
Convolutional Neural Network
PDF
PDF
Convolutional Neural Network Models - Deep Learning
PPTX
Feature pyramid networks for object detection
PPTX
Machine Learning - Convolutional Neural Network
PPTX
Explaining video summarization based on the focus of attention
PDF
SURF - Speeded Up Robust Features
PPTX
StarGAN
PDF
The Transformer in Vision | Xavier Giro | Master in Computer Vision Barcelona...
PDF
Transfer Learning
PPTX
Real Time Object Dectection using machine learning
Image processing
Introduction to batch normalization
Image classification using CNN
image enhancement
Convolutional Neural Network - CNN | How CNN Works | Deep Learning Course | S...
PR-231: A Simple Framework for Contrastive Learning of Visual Representations
Object detection and Instance Segmentation
Semantic segmentation with Convolutional Neural Network Approaches
Convolutional Neural Network
Convolutional Neural Network Models - Deep Learning
Feature pyramid networks for object detection
Machine Learning - Convolutional Neural Network
Explaining video summarization based on the focus of attention
SURF - Speeded Up Robust Features
StarGAN
The Transformer in Vision | Xavier Giro | Master in Computer Vision Barcelona...
Transfer Learning
Real Time Object Dectection using machine learning
Ad

Similar to Math of Explaining SAM (20)

PPTX
Fine-Tuning Segment Anything Model (SAM).pptx
PDF
Personalize Segment Anything Model with One Shot
PPTX
AaSeminar_Template.pptx
PDF
Deep Neural Networks Presentation
PDF
A Unified Framework for Computer Vision Tasks: (Conditional) Generative Model...
PDF
DeconvNet, DecoupledNet, TransferNet in Image Segmentation
PPTX
[NS][Lab_Seminar_250106]SAM-Aware Graph Prompt Reasoning Network for Cross-Do...
PDF
Optimisation of semantic segmentation algorithm for autonomous driving using ...
PPTX
Review-image-segmentation-by-deep-learning
PDF
IRJET- Semantic Segmentation using Deep Learning
PDF
物件偵測與辨識技術
PDF
Computer vision for transportation
PDF
Lecture 2.B: Computer Vision Applications - Full Stack Deep Learning - Spring...
PPTX
Yurii Pashchenko: Adapt SAM to your needs (UA)
PPTX
Ai use cases
PDF
AI firsts: Leading from research to proof-of-concept
PDF
NVIDIA 深度學習教育機構 (DLI): Image segmentation with tensorflow
PPTX
Image Segmentation: Approaches and Challenges
PPTX
Image segmentation hj_cho
PPTX
Deep Learning in Computer Vision
Fine-Tuning Segment Anything Model (SAM).pptx
Personalize Segment Anything Model with One Shot
AaSeminar_Template.pptx
Deep Neural Networks Presentation
A Unified Framework for Computer Vision Tasks: (Conditional) Generative Model...
DeconvNet, DecoupledNet, TransferNet in Image Segmentation
[NS][Lab_Seminar_250106]SAM-Aware Graph Prompt Reasoning Network for Cross-Do...
Optimisation of semantic segmentation algorithm for autonomous driving using ...
Review-image-segmentation-by-deep-learning
IRJET- Semantic Segmentation using Deep Learning
物件偵測與辨識技術
Computer vision for transportation
Lecture 2.B: Computer Vision Applications - Full Stack Deep Learning - Spring...
Yurii Pashchenko: Adapt SAM to your needs (UA)
Ai use cases
AI firsts: Leading from research to proof-of-concept
NVIDIA 深度學習教育機構 (DLI): Image segmentation with tensorflow
Image Segmentation: Approaches and Challenges
Image segmentation hj_cho
Deep Learning in Computer Vision
Ad

More from Lian Sabella Castillo (17)

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

Recently uploaded (20)

PDF
22.Patil - Early prediction of Alzheimer’s disease using convolutional neural...
PPTX
ALIMENTARY AND BILIARY CONDITIONS 3-1.pptx
PPTX
Introduction to machine learning and Linear Models
PPTX
Supervised vs unsupervised machine learning algorithms
PPTX
AI Strategy room jwfjksfksfjsjsjsjsjfsjfsj
PPTX
DISORDERS OF THE LIVER, GALLBLADDER AND PANCREASE (1).pptx
PPTX
Introduction to Basics of Ethical Hacking and Penetration Testing -Unit No. 1...
PPT
ISS -ESG Data flows What is ESG and HowHow
PDF
TRAFFIC-MANAGEMENT-AND-ACCIDENT-INVESTIGATION-WITH-DRIVING-PDF-FILE.pdf
PPTX
iec ppt-1 pptx icmr ppt on rehabilitation.pptx
PDF
Foundation of Data Science unit number two notes
PPTX
Introduction to Knowledge Engineering Part 1
PPTX
Database Infoormation System (DBIS).pptx
PPTX
The THESIS FINAL-DEFENSE-PRESENTATION.pptx
PPTX
Business Acumen Training GuidePresentation.pptx
PPTX
Introduction-to-Cloud-ComputingFinal.pptx
PPTX
Business Ppt On Nestle.pptx huunnnhhgfvu
PDF
Business Analytics and business intelligence.pdf
PPTX
Data_Analytics_and_PowerBI_Presentation.pptx
22.Patil - Early prediction of Alzheimer’s disease using convolutional neural...
ALIMENTARY AND BILIARY CONDITIONS 3-1.pptx
Introduction to machine learning and Linear Models
Supervised vs unsupervised machine learning algorithms
AI Strategy room jwfjksfksfjsjsjsjsjfsjfsj
DISORDERS OF THE LIVER, GALLBLADDER AND PANCREASE (1).pptx
Introduction to Basics of Ethical Hacking and Penetration Testing -Unit No. 1...
ISS -ESG Data flows What is ESG and HowHow
TRAFFIC-MANAGEMENT-AND-ACCIDENT-INVESTIGATION-WITH-DRIVING-PDF-FILE.pdf
iec ppt-1 pptx icmr ppt on rehabilitation.pptx
Foundation of Data Science unit number two notes
Introduction to Knowledge Engineering Part 1
Database Infoormation System (DBIS).pptx
The THESIS FINAL-DEFENSE-PRESENTATION.pptx
Business Acumen Training GuidePresentation.pptx
Introduction-to-Cloud-ComputingFinal.pptx
Business Ppt On Nestle.pptx huunnnhhgfvu
Business Analytics and business intelligence.pdf
Data_Analytics_and_PowerBI_Presentation.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