SlideShare a Scribd company logo
PYTHON
for
Computer Vision
Tatiana Gabruseva, PhD
Agenda
We want to make
computers see
What is Computer Vision?
Cameras everywhere:
- smart phones
- baby monitors
- security cameras
- IR cameras
LiDARs …
AgendaWhat is Computer Vision?
Making computers to gain
high-level understanding
from images and videos
We want to make
computers see
AgendaWhat is Computer Vision?
Vision begins with eyes,
but it truly takes place in
the brain (Dr Fei Fei Li)
Making computers to gain high-level
understanding from images and videos
By seeing we really mean understanding
Agenda Computer Vision Tasks
Classification
What is that?
people
Agenda Computer Vision Tasks
Identification
Who/what exactly
is that?
John Travolta
Uma Thurman
Agenda
Object
Detection
Where is that?
Computer Vision Tasks
Agenda
Segmentation
Where exactly is
that?
Computer Vision Tasks
Agenda
Pose
estimation
What is it doing?
Computer Vision Tasks
dancing
Agenda
Action
recognition
What’s happening?
Computer Vision Tasks
dancingA man and a woman
Why computer vision?
Biomedical
applications
- Classify cancer histograms
- Select individual cells
Self-driving cars
Detect and select cars, road signs,
traffic lights, pedestrian…
Security
- Identification
- Action recognition
Satellite imaging
- - Object detection
- Detect fires
- - Find people
Art
- Style transfer
- Animation
Medical
diagnostics
- Pneumonia detection
- Anomaly classification
- Organs/tumor segmentation
For example…
Classification problem
Plant Can
How? Supervised training
Can
Bicycle
Ball
Tree Flower
Cat
Get the data
~ 15 million images
in
~ 22 000 categories
http://www.image-net.org/
Image from a computer point of view
11 13 14 15 15 16 18 20 12 15
88 33 24 16 17 17 19 25 23 34
79 31 22 34 43 46 23 22 21 31
11 13 14 15 15 16 18 20 12 15
88 33 24 16 17 17 19 25 23 34
79 31 22 34 43 46 29 22 21 31
17 13 14 15 15 17 18 40 52 15
58 33 57 16 47 57 19 25 23 34
79 37 22 34 47 46 29 27 21 31
73 33 23 33 87 46 23 83 21 81
11 13 14 15 15 16 18 20 12 15
88 33 24 16 17 17 19 25 23 34
79 31 22 34 43 46 23 22 21 31
11 13 14 15 15 16 18 20 12 15
88 33 24 16 17 17 19 25 23 34
79 31 22 34 43 46 29 22 21 31
17 13 14 15 15 17 18 40 52 15
58 33 57 16 47 57 19 25 23 34
79 37 22 34 47 46 29 27 21 31
73 33 23 33 87 46 23 83 21 81
11 13 14 15 15 16 18 20 12 15
88 33 24 16 17 17 19 25 23 34
79 31 22 34 43 46 23 22 21 31
11 13 14 15 15 16 18 20 12 15
88 33 24 16 17 17 19 25 23 34
79 31 22 34 43 46 29 22 21 31
17 13 14 15 15 17 18 40 52 15
58 33 57 16 47 57 19 25 23 34
79 37 22 34 47 46 29 27 21 31
73 33 23 33 87 46 23 83 21 81
Supervised training
Label: tree
Machine Learning
Algorithm
Input Output
tower cat tree car can ball …
probability
tree
tower
cat
car
can
ball
Supervised training
Label: tree
Input Output
tower cat tree car can ball …
probability
tree
tower
cat
car
can
ball
Neural Networks
cs231n.github.io
W1
W2
Wn
bias
Input 1
Input 2
Input n
∑
Neuron-like unit
f()
Neural Networks
24 million nodes
140 million parameters
15 billion connections
*How we teach computers to understand pictures | Fei Fei Li
Supervised training
Label: tree
Input Output
tower cat tree car can ball …
probability
Mismatch between true labels and outputs →
Loss function (true labels, predictions)
Minimize loss function
deeplearning.ai | Andrew Ng
Gradient descent
Supervised training
Label: tree
Input Output
tower cat tree car can ball …
probability
output
Supervised training
Label: tree
Input Output
output
Supervised training
Label: tree
Input Output
tower cat tree car can ball …
probability
output
Supervised training
Label: tree
Input Output
output
tower cat tree car can ball …
probability
Supervised training
Label: tree
Input Output
output
tower cat tree car can ball …
probability
Supervised training – Deep learning
Label: tree
Input Output
dog cat tree car can ball …
probability
output
Supervised training – Deep learning
Label: tree
Input Output
output
Inference / validation
Unseen image
Input
cat 93 %
Output
dog cat tree car can ball …
probability
Test
PYTHON is a language of
Machine Learning
PYTHON deep learning frameworks
PYTHON frameworks
TORCHVISION
Albumentations
Easy-peasy pipeline
STEP 1. Get the data
CIFAR 10 Dataset
import torch
from torchvision.datasets import CIFAR10
from torch.utils.data import DataLoader
train_set = CIFAR10(root= './data’, train=True,
download=True)
test_set = CIFAR10(root= './data’, train=False,
download=True)
trainloader = DataLoader(train_set, batch_size=4,
shuffle=True, num_workers=2)
testloader = DataLoader(test_set, batch_size=4,
shuffle=False, num_workers=2)
Easy-peasy pipeline
STEP 2. Pre-process data
STEP 1. Get the data
Resize and augment
import cv2
image = cv2.imread('image.jpg’)
image = cv2.cvtColor(image, cv2.COLOR_BGR2RGB)
image = cv2.resize(image, (256, 256))
Augment image Albumentations
Horizontal Flip Crop Median Blur
Contrast Hue / Saturation / Value Gamma
Augment image Albumentations
Horizontal Flip Crop Median Blur
Contrast Hue / Saturation / Value Gamma
import cv2
import albumentations as A
transform = A.Compose([
A.RandomCrop(256, 256),
A.HorizontalFlip(p=0.5),
A.HueSaturationValue(p=0.2),
A.Normalize()
])
augmented = transform(image=image)
augmented_image = augmented[ 'image’ ]
Easy-peasy pipeline
STEP 1. Get the data
STEP 3. Setup model
from torchvision.models import models
model = models.resnet18(pretrained=True)
STEP 2. Pre-process data
STEP 4. Choose loss and optimizer
from torch import nn, optim
criterion = nn.CrossEntropyLoss()
optimizer = optim.Adam(model.parameters(), lr=0.001)
Easy-peasy pipeline
STEP 1. Get the data
STEP 3. Setup model
STEP 2. Pre-process data
STEP 4. Loss and optimizer
STEP 5. Train model
# loop over data multiple times (epochs)
for epoch in range(num_epochs):
epoch_losses = []
for data in trainloader:
# get inputs; data is a list of [inputs, labels]
inputs, labels = data
# zero the parameter gradients
optimizer.zero_grad()
# get model output, get criterion, optimize
outputs = model(inputs)
loss = criterion(outputs, labels)
loss.backward()
optimizer.step()
epoch_losses.append(loss.detach().cpu().numpy())
# print loss history
print("Epoch {}, Train Loss: {}“.format(epoch,
np.mean(epoch_losses)))
print("Finished Training“)
Easy-peasy pipeline
STEP 1. Get the data
STEP 3. Setup model
STEP 2. Pre-process data
STEP 4. Loss and optimizer
STEP 5. Train model
correct, total = 0, 0
model.eval()
with torch.no_grad():
# loop over test data
for data in testloader:
images, labels = data
# get model output
outputs = model(images)
# select most probable prediction
_, predicted = torch.max(outputs.data, 1)
total += labels.size(0)
correct += (predicted == labels).sum().item()
print("Accuracy: {}“.format(100 * correct / total))
STEP 6. Run inference
bird cat deer dog frog ship …
probability
Illusion
Illusion
Welcome
to the REAL world
Occlusions
Different poses
Intra-class variation
Illumination variations
Augmentation
Confusing images
What computer vision can not do
http://karpathy.github.io/2012/10/22/state-of-computer-vision/
Mirrors
Physics
3D structure of the scene
Status of identified people
What’s on peoples’ mind
Intentions
Humour
References:
In this presentation I used materials from:
“WALL-E” | Steven Spielberg
“Pulp fiction” | Quentin Tarantino
Imagenet, http://image-net.org
How we teach computers to understand pictures | Fei Fei Li
https://en.wikipedia.org/wiki/Neuron#/media/File:Blausen_0657_MultipolarNeuron.png
cs231n.github.io
deeplearning.ai | Andrew Ng
MIT 6.S094: Computer Vision | Lex Fridman
https://github.com/albu/albumentations
https://pytorch.org/docs/stable/torchvision/models.html
https://pytorch.org/tutorials/beginner/blitz/cifar10_tutorial.html
http://karpathy.github.io/2012/10/22/state-of-computer-vision/
MIT Deep Learning Basics: Introduction and Overview | Lex Fridman
Tatiana Gabruseva, PhD

More Related Content

Similar to Pycon tati gabru

“Introducing Machine Learning and How to Teach Machines to See,” a Presentati...
“Introducing Machine Learning and How to Teach Machines to See,” a Presentati...“Introducing Machine Learning and How to Teach Machines to See,” a Presentati...
“Introducing Machine Learning and How to Teach Machines to See,” a Presentati...
Edge AI and Vision Alliance
 
Machine Learning: je m'y mets demain!
Machine Learning: je m'y mets demain!Machine Learning: je m'y mets demain!
Machine Learning: je m'y mets demain!
Louis Dorard
 
Deep learning: what? how? why? How to win a Kaggle competition
Deep learning: what? how? why? How to win a Kaggle competitionDeep learning: what? how? why? How to win a Kaggle competition
Deep learning: what? how? why? How to win a Kaggle competition
317070
 
IRJET- Unabridged Review of Supervised Machine Learning Regression and Classi...
IRJET- Unabridged Review of Supervised Machine Learning Regression and Classi...IRJET- Unabridged Review of Supervised Machine Learning Regression and Classi...
IRJET- Unabridged Review of Supervised Machine Learning Regression and Classi...
IRJET Journal
 
Getting Started with Machine Learning
Getting Started with Machine LearningGetting Started with Machine Learning
Getting Started with Machine Learning
Humberto Marchezi
 
Meetup 29042015
Meetup 29042015Meetup 29042015
Meetup 29042015lbishal
 
Internship - Python - AI ML.pptx
Internship - Python - AI ML.pptxInternship - Python - AI ML.pptx
Internship - Python - AI ML.pptx
Hchethankumar
 
Internship - Python - AI ML.pptx
Internship - Python - AI ML.pptxInternship - Python - AI ML.pptx
Internship - Python - AI ML.pptx
Hchethankumar
 
Tech day ngobrol santai tensorflow
Tech day ngobrol santai tensorflowTech day ngobrol santai tensorflow
Tech day ngobrol santai tensorflow
Ramdhan Rizki
 
Tech showcase: Artificial Intelligence, Machine Learning, Deep Learning
Tech showcase: Artificial Intelligence, Machine Learning, Deep LearningTech showcase: Artificial Intelligence, Machine Learning, Deep Learning
Tech showcase: Artificial Intelligence, Machine Learning, Deep Learning
Ashutosh Kumar
 
AI and ML Skills for the Testing World Tutorial
AI and ML Skills for the Testing World TutorialAI and ML Skills for the Testing World Tutorial
AI and ML Skills for the Testing World Tutorial
Tariq King
 
AI INTRODUCTION.pptx,INFORMATION TECHNOLOGY
AI INTRODUCTION.pptx,INFORMATION TECHNOLOGYAI INTRODUCTION.pptx,INFORMATION TECHNOLOGY
AI INTRODUCTION.pptx,INFORMATION TECHNOLOGY
santoshverma90
 
Programming at King's
Programming at King'sProgramming at King's
Programming at King's
Martin Chapman
 
Machine Learning at Geeky Base
Machine Learning at Geeky BaseMachine Learning at Geeky Base
Machine Learning at Geeky Base
Kan Ouivirach, Ph.D.
 
How to fully automate a store.pptx
How to fully automate a store.pptxHow to fully automate a store.pptx
How to fully automate a store.pptx
Igor Moiseev
 
How machines can take decisions
How machines can take decisionsHow machines can take decisions
How machines can take decisions
Deepu S Nath
 
How machines can take decisions
How machines can take decisionsHow machines can take decisions
How machines can take decisions
Deepu S Nath
 
Machine Learning Model Bakeoff
Machine Learning Model BakeoffMachine Learning Model Bakeoff
Machine Learning Model Bakeoff
mrphilroth
 
Deep Learning in Python with Tensorflow for Finance
Deep Learning in Python with Tensorflow for FinanceDeep Learning in Python with Tensorflow for Finance
Deep Learning in Python with Tensorflow for Finance
Ben Ball
 
2020 04 04 NetCoreConf - Machine Learning.Net
2020 04 04 NetCoreConf - Machine Learning.Net2020 04 04 NetCoreConf - Machine Learning.Net
2020 04 04 NetCoreConf - Machine Learning.Net
Bruno Capuano
 

Similar to Pycon tati gabru (20)

“Introducing Machine Learning and How to Teach Machines to See,” a Presentati...
“Introducing Machine Learning and How to Teach Machines to See,” a Presentati...“Introducing Machine Learning and How to Teach Machines to See,” a Presentati...
“Introducing Machine Learning and How to Teach Machines to See,” a Presentati...
 
Machine Learning: je m'y mets demain!
Machine Learning: je m'y mets demain!Machine Learning: je m'y mets demain!
Machine Learning: je m'y mets demain!
 
Deep learning: what? how? why? How to win a Kaggle competition
Deep learning: what? how? why? How to win a Kaggle competitionDeep learning: what? how? why? How to win a Kaggle competition
Deep learning: what? how? why? How to win a Kaggle competition
 
IRJET- Unabridged Review of Supervised Machine Learning Regression and Classi...
IRJET- Unabridged Review of Supervised Machine Learning Regression and Classi...IRJET- Unabridged Review of Supervised Machine Learning Regression and Classi...
IRJET- Unabridged Review of Supervised Machine Learning Regression and Classi...
 
Getting Started with Machine Learning
Getting Started with Machine LearningGetting Started with Machine Learning
Getting Started with Machine Learning
 
Meetup 29042015
Meetup 29042015Meetup 29042015
Meetup 29042015
 
Internship - Python - AI ML.pptx
Internship - Python - AI ML.pptxInternship - Python - AI ML.pptx
Internship - Python - AI ML.pptx
 
Internship - Python - AI ML.pptx
Internship - Python - AI ML.pptxInternship - Python - AI ML.pptx
Internship - Python - AI ML.pptx
 
Tech day ngobrol santai tensorflow
Tech day ngobrol santai tensorflowTech day ngobrol santai tensorflow
Tech day ngobrol santai tensorflow
 
Tech showcase: Artificial Intelligence, Machine Learning, Deep Learning
Tech showcase: Artificial Intelligence, Machine Learning, Deep LearningTech showcase: Artificial Intelligence, Machine Learning, Deep Learning
Tech showcase: Artificial Intelligence, Machine Learning, Deep Learning
 
AI and ML Skills for the Testing World Tutorial
AI and ML Skills for the Testing World TutorialAI and ML Skills for the Testing World Tutorial
AI and ML Skills for the Testing World Tutorial
 
AI INTRODUCTION.pptx,INFORMATION TECHNOLOGY
AI INTRODUCTION.pptx,INFORMATION TECHNOLOGYAI INTRODUCTION.pptx,INFORMATION TECHNOLOGY
AI INTRODUCTION.pptx,INFORMATION TECHNOLOGY
 
Programming at King's
Programming at King'sProgramming at King's
Programming at King's
 
Machine Learning at Geeky Base
Machine Learning at Geeky BaseMachine Learning at Geeky Base
Machine Learning at Geeky Base
 
How to fully automate a store.pptx
How to fully automate a store.pptxHow to fully automate a store.pptx
How to fully automate a store.pptx
 
How machines can take decisions
How machines can take decisionsHow machines can take decisions
How machines can take decisions
 
How machines can take decisions
How machines can take decisionsHow machines can take decisions
How machines can take decisions
 
Machine Learning Model Bakeoff
Machine Learning Model BakeoffMachine Learning Model Bakeoff
Machine Learning Model Bakeoff
 
Deep Learning in Python with Tensorflow for Finance
Deep Learning in Python with Tensorflow for FinanceDeep Learning in Python with Tensorflow for Finance
Deep Learning in Python with Tensorflow for Finance
 
2020 04 04 NetCoreConf - Machine Learning.Net
2020 04 04 NetCoreConf - Machine Learning.Net2020 04 04 NetCoreConf - Machine Learning.Net
2020 04 04 NetCoreConf - Machine Learning.Net
 

Recently uploaded

Uni Systems Copilot event_05062024_C.Vlachos.pdf
Uni Systems Copilot event_05062024_C.Vlachos.pdfUni Systems Copilot event_05062024_C.Vlachos.pdf
Uni Systems Copilot event_05062024_C.Vlachos.pdf
Uni Systems S.M.S.A.
 
Transcript: Selling digital books in 2024: Insights from industry leaders - T...
Transcript: Selling digital books in 2024: Insights from industry leaders - T...Transcript: Selling digital books in 2024: Insights from industry leaders - T...
Transcript: Selling digital books in 2024: Insights from industry leaders - T...
BookNet Canada
 
Elevating Tactical DDD Patterns Through Object Calisthenics
Elevating Tactical DDD Patterns Through Object CalisthenicsElevating Tactical DDD Patterns Through Object Calisthenics
Elevating Tactical DDD Patterns Through Object Calisthenics
Dorra BARTAGUIZ
 
National Security Agency - NSA mobile device best practices
National Security Agency - NSA mobile device best practicesNational Security Agency - NSA mobile device best practices
National Security Agency - NSA mobile device best practices
Quotidiano Piemontese
 
Climate Impact of Software Testing at Nordic Testing Days
Climate Impact of Software Testing at Nordic Testing DaysClimate Impact of Software Testing at Nordic Testing Days
Climate Impact of Software Testing at Nordic Testing Days
Kari Kakkonen
 
Communications Mining Series - Zero to Hero - Session 1
Communications Mining Series - Zero to Hero - Session 1Communications Mining Series - Zero to Hero - Session 1
Communications Mining Series - Zero to Hero - Session 1
DianaGray10
 
DevOps and Testing slides at DASA Connect
DevOps and Testing slides at DASA ConnectDevOps and Testing slides at DASA Connect
DevOps and Testing slides at DASA Connect
Kari Kakkonen
 
GraphSummit Singapore | The Art of the Possible with Graph - Q2 2024
GraphSummit Singapore | The Art of the  Possible with Graph - Q2 2024GraphSummit Singapore | The Art of the  Possible with Graph - Q2 2024
GraphSummit Singapore | The Art of the Possible with Graph - Q2 2024
Neo4j
 
Microsoft - Power Platform_G.Aspiotis.pdf
Microsoft - Power Platform_G.Aspiotis.pdfMicrosoft - Power Platform_G.Aspiotis.pdf
Microsoft - Power Platform_G.Aspiotis.pdf
Uni Systems S.M.S.A.
 
Why You Should Replace Windows 11 with Nitrux Linux 3.5.0 for enhanced perfor...
Why You Should Replace Windows 11 with Nitrux Linux 3.5.0 for enhanced perfor...Why You Should Replace Windows 11 with Nitrux Linux 3.5.0 for enhanced perfor...
Why You Should Replace Windows 11 with Nitrux Linux 3.5.0 for enhanced perfor...
SOFTTECHHUB
 
Generative AI Deep Dive: Advancing from Proof of Concept to Production
Generative AI Deep Dive: Advancing from Proof of Concept to ProductionGenerative AI Deep Dive: Advancing from Proof of Concept to Production
Generative AI Deep Dive: Advancing from Proof of Concept to Production
Aggregage
 
FIDO Alliance Osaka Seminar: Passkeys and the Road Ahead.pdf
FIDO Alliance Osaka Seminar: Passkeys and the Road Ahead.pdfFIDO Alliance Osaka Seminar: Passkeys and the Road Ahead.pdf
FIDO Alliance Osaka Seminar: Passkeys and the Road Ahead.pdf
FIDO Alliance
 
FIDO Alliance Osaka Seminar: Overview.pdf
FIDO Alliance Osaka Seminar: Overview.pdfFIDO Alliance Osaka Seminar: Overview.pdf
FIDO Alliance Osaka Seminar: Overview.pdf
FIDO Alliance
 
FIDO Alliance Osaka Seminar: Passkeys at Amazon.pdf
FIDO Alliance Osaka Seminar: Passkeys at Amazon.pdfFIDO Alliance Osaka Seminar: Passkeys at Amazon.pdf
FIDO Alliance Osaka Seminar: Passkeys at Amazon.pdf
FIDO Alliance
 
The Future of Platform Engineering
The Future of Platform EngineeringThe Future of Platform Engineering
The Future of Platform Engineering
Jemma Hussein Allen
 
State of ICS and IoT Cyber Threat Landscape Report 2024 preview
State of ICS and IoT Cyber Threat Landscape Report 2024 previewState of ICS and IoT Cyber Threat Landscape Report 2024 preview
State of ICS and IoT Cyber Threat Landscape Report 2024 preview
Prayukth K V
 
FIDO Alliance Osaka Seminar: FIDO Security Aspects.pdf
FIDO Alliance Osaka Seminar: FIDO Security Aspects.pdfFIDO Alliance Osaka Seminar: FIDO Security Aspects.pdf
FIDO Alliance Osaka Seminar: FIDO Security Aspects.pdf
FIDO Alliance
 
LF Energy Webinar: Electrical Grid Modelling and Simulation Through PowSyBl -...
LF Energy Webinar: Electrical Grid Modelling and Simulation Through PowSyBl -...LF Energy Webinar: Electrical Grid Modelling and Simulation Through PowSyBl -...
LF Energy Webinar: Electrical Grid Modelling and Simulation Through PowSyBl -...
DanBrown980551
 
Essentials of Automations: The Art of Triggers and Actions in FME
Essentials of Automations: The Art of Triggers and Actions in FMEEssentials of Automations: The Art of Triggers and Actions in FME
Essentials of Automations: The Art of Triggers and Actions in FME
Safe Software
 
UiPath Test Automation using UiPath Test Suite series, part 5
UiPath Test Automation using UiPath Test Suite series, part 5UiPath Test Automation using UiPath Test Suite series, part 5
UiPath Test Automation using UiPath Test Suite series, part 5
DianaGray10
 

Recently uploaded (20)

Uni Systems Copilot event_05062024_C.Vlachos.pdf
Uni Systems Copilot event_05062024_C.Vlachos.pdfUni Systems Copilot event_05062024_C.Vlachos.pdf
Uni Systems Copilot event_05062024_C.Vlachos.pdf
 
Transcript: Selling digital books in 2024: Insights from industry leaders - T...
Transcript: Selling digital books in 2024: Insights from industry leaders - T...Transcript: Selling digital books in 2024: Insights from industry leaders - T...
Transcript: Selling digital books in 2024: Insights from industry leaders - T...
 
Elevating Tactical DDD Patterns Through Object Calisthenics
Elevating Tactical DDD Patterns Through Object CalisthenicsElevating Tactical DDD Patterns Through Object Calisthenics
Elevating Tactical DDD Patterns Through Object Calisthenics
 
National Security Agency - NSA mobile device best practices
National Security Agency - NSA mobile device best practicesNational Security Agency - NSA mobile device best practices
National Security Agency - NSA mobile device best practices
 
Climate Impact of Software Testing at Nordic Testing Days
Climate Impact of Software Testing at Nordic Testing DaysClimate Impact of Software Testing at Nordic Testing Days
Climate Impact of Software Testing at Nordic Testing Days
 
Communications Mining Series - Zero to Hero - Session 1
Communications Mining Series - Zero to Hero - Session 1Communications Mining Series - Zero to Hero - Session 1
Communications Mining Series - Zero to Hero - Session 1
 
DevOps and Testing slides at DASA Connect
DevOps and Testing slides at DASA ConnectDevOps and Testing slides at DASA Connect
DevOps and Testing slides at DASA Connect
 
GraphSummit Singapore | The Art of the Possible with Graph - Q2 2024
GraphSummit Singapore | The Art of the  Possible with Graph - Q2 2024GraphSummit Singapore | The Art of the  Possible with Graph - Q2 2024
GraphSummit Singapore | The Art of the Possible with Graph - Q2 2024
 
Microsoft - Power Platform_G.Aspiotis.pdf
Microsoft - Power Platform_G.Aspiotis.pdfMicrosoft - Power Platform_G.Aspiotis.pdf
Microsoft - Power Platform_G.Aspiotis.pdf
 
Why You Should Replace Windows 11 with Nitrux Linux 3.5.0 for enhanced perfor...
Why You Should Replace Windows 11 with Nitrux Linux 3.5.0 for enhanced perfor...Why You Should Replace Windows 11 with Nitrux Linux 3.5.0 for enhanced perfor...
Why You Should Replace Windows 11 with Nitrux Linux 3.5.0 for enhanced perfor...
 
Generative AI Deep Dive: Advancing from Proof of Concept to Production
Generative AI Deep Dive: Advancing from Proof of Concept to ProductionGenerative AI Deep Dive: Advancing from Proof of Concept to Production
Generative AI Deep Dive: Advancing from Proof of Concept to Production
 
FIDO Alliance Osaka Seminar: Passkeys and the Road Ahead.pdf
FIDO Alliance Osaka Seminar: Passkeys and the Road Ahead.pdfFIDO Alliance Osaka Seminar: Passkeys and the Road Ahead.pdf
FIDO Alliance Osaka Seminar: Passkeys and the Road Ahead.pdf
 
FIDO Alliance Osaka Seminar: Overview.pdf
FIDO Alliance Osaka Seminar: Overview.pdfFIDO Alliance Osaka Seminar: Overview.pdf
FIDO Alliance Osaka Seminar: Overview.pdf
 
FIDO Alliance Osaka Seminar: Passkeys at Amazon.pdf
FIDO Alliance Osaka Seminar: Passkeys at Amazon.pdfFIDO Alliance Osaka Seminar: Passkeys at Amazon.pdf
FIDO Alliance Osaka Seminar: Passkeys at Amazon.pdf
 
The Future of Platform Engineering
The Future of Platform EngineeringThe Future of Platform Engineering
The Future of Platform Engineering
 
State of ICS and IoT Cyber Threat Landscape Report 2024 preview
State of ICS and IoT Cyber Threat Landscape Report 2024 previewState of ICS and IoT Cyber Threat Landscape Report 2024 preview
State of ICS and IoT Cyber Threat Landscape Report 2024 preview
 
FIDO Alliance Osaka Seminar: FIDO Security Aspects.pdf
FIDO Alliance Osaka Seminar: FIDO Security Aspects.pdfFIDO Alliance Osaka Seminar: FIDO Security Aspects.pdf
FIDO Alliance Osaka Seminar: FIDO Security Aspects.pdf
 
LF Energy Webinar: Electrical Grid Modelling and Simulation Through PowSyBl -...
LF Energy Webinar: Electrical Grid Modelling and Simulation Through PowSyBl -...LF Energy Webinar: Electrical Grid Modelling and Simulation Through PowSyBl -...
LF Energy Webinar: Electrical Grid Modelling and Simulation Through PowSyBl -...
 
Essentials of Automations: The Art of Triggers and Actions in FME
Essentials of Automations: The Art of Triggers and Actions in FMEEssentials of Automations: The Art of Triggers and Actions in FME
Essentials of Automations: The Art of Triggers and Actions in FME
 
UiPath Test Automation using UiPath Test Suite series, part 5
UiPath Test Automation using UiPath Test Suite series, part 5UiPath Test Automation using UiPath Test Suite series, part 5
UiPath Test Automation using UiPath Test Suite series, part 5
 

Pycon tati gabru