SlideShare a Scribd company logo
1 of 73
Download to read offline
COMPUTER VISION
GIA MUHAMMAD
Gia Muhammad
Direktur Teknologi, Software Engineering and Artificial Intelligence Specialist
Xingular.AI
PT. Xingular Inovasi Teknologi
https://xingular.ai
gia@xingular.ai
https://www.linkedin.com/in/giamuhammad/
https://github.com/giamuhammad
http://ipb.academia.edu/giamuhammad
+62819 0865 2920
Vendor Partnership
ARTIFICIAL INTELLIGENCE
Artificial Intelligence is the science and engineering of making machine have an intelligence (McCarthy, 2007)
Artificial
General
Intelligence
Artificial
Narrow
Intelligence
Artificial
Super
Intelligence
Technology Singularity
ARTIFICIAL INTELLIGENCE
Intelligence is about tolerance, it able to face uncertainty
Human also can make mistakes, yet progress in learning to avoid the
same mistake, so neither in AI…
COMPUTER VISION IN ARTIFICIAL
INTELLIGENCE Artificial
Intelligence
Natural Language
Processing
Computer/Machine
Vision
Object Recognition
Face Recognition
User Retention
Measurement
Security Access
and People
Tracking
Face and Body
Analytics
Audience
Measurement
Gesture
Recognition
Behavior
Recognition
Object Detection
and Tracking
Traffic Analytics
Environment/Scene
Perception
Optical Character
Recognition
ALPR
Automatic
Document Scanner
Barcode
1D Barcode
2D Barcode
Augmented Reality
Mixed Reality (XR)
Face Filter
Image Processing
Image Editing
Watermarking
Image
Compression
Robotics Speech Recognition
COMPUTER VISION IN ARTIFICIAL
INTELLIGENCE
Artificial
Intelligence
Non-
Knowledge
Based
Knowledge
Based
COMPUTER VISION IN ARTIFICIAL
INTELLIGENCE
Computer
Vision
Non-
Knowledge
Based
Image
Processing
Preprocessing
Image
Preparation
Image Feature
Visual
Perception
Pose Estimation View-
Geometry
Single View Multi View
Stereo Vision
Knowledge
Based
Computer
Vision
Non-
Knowledge
Based
Knowledge
Based
Object
Recognition
Machine
Learning
Non-Neural
Net
SVM
etc
Neural
Network
Deep Learning
CNN
RCNN
INTRODUCTION OF SELF-DRIVING CAR
Self-Driving car is a vehicle that is capable of sensing its environment and moving safely
with little or no human input (Hu; et al, 2020)
VEHICLE AUTOMATION (VA) LEVEL
The Human Monitors the Driving Environment The Automated System Monitors the Driving Environment
Source : SAE International and J3016
VEHICLE AUTOMATION (VA) LEVEL
“Artificial Intelligence is still not able to function properly in chaotic inner-city environments.”
(SingularityU The Netherlands)
HARDWARE (SENSOR) IN SELF-DRIVING
• Stereo Camera
• LiDAR
• GPS
• Radar
• Ultrasonic
• Wheel Encoder
• IMU (Inertial Measurement Unit) or INS (Inertial Navigation System)
STEREO CAMERA
DEVICE AND METHOD COMPARISON
LiDAR for Self-Driving Stereo Camera
Cost Expensive Proper
Range, Distance Measurement Extensive Limit, Depend on FOV and
Geometry Calculation
Precision to reconstruct object More Accurate, Sensitive Less Accurate
Method Laser Time-of-Flight, Structured Light,
Passive and Active Stereo
DEVICE AND METHOD COMPARISON
Laser Structured Light Time-of-Flight Passive Active
Method Triangulation
Precision Accurate Accurate Less Accurate, Depend
on 3D Reconstruction
Method
Less Accurate, Bad for
Dark Condition
Less Accurate, Depend
on 3D Reconstruction
Method/Algorithm
Speed < 1s About 2 seconds < 1s Depend on Computation
Time of Disparity Map
< 1s
Cost Very High High Medium Low. Just need more than
1 RGB Camera but need
extra compute chip to
run disparity map
Medium
LIDAR. LIGHT DETECTION AND RANGING
High Precision for Short and Long Range Object
Implementation
- Mapping for Remote Sensing
- Self-Driving Car
- 3D Printing from 3D Reconstruction
- Robot Navigation
STRUCTURED LIGHT
High Precision for Short Range Object
Implementation
- 3D Map Guides Robot in Industrial Factory
- 3D Printing from 3D Reconstruction
TIME OF FLIGHT
Low Precision for Short Range Object
(LiDAR like, using different laser, usually combined with RGB Camera Sensor)
Implementation
- 3D Printing from 3D Reconstruction
- 3D Object Detection
- Self-Driving Car
- Robot Navigation
- Camera Effect
- Game Control to Detect Skeleton (Microsoft Kinect)
RGB Camera Infrared Laser
Raw 3D
Reconstructed
AI-based
algorithm 3D
Reconstruction
refinement
Final Result
(High Precision)
3D Reconstructed Illustration of ToF Stereo Camera
LIDAR IN SELF-DRIVING CAR
WHY STEREO VISION AND AI
Elon Musk in Autonomy Day for Investors, 2019
WHY STEREO VISION AND AI
Less Precision 3D
Reconstructed
AI
(The ability to
handle
uncertainty)
Accurate 3D
Object
Recognition with
Low Cost Sensor
NON-KNOWLEDGE BASED AI
Search
Algorithm Blind
Breadth First
Search (BFS)
Depth First
Search
Informed A* Search
BREADTH FIRST SEARCH ALGORITHM
• Only decide first/init node
• List neighbour node first
• Using queue to find shortest path
Start(S) = ABCDEFG
Start(a) = bcdefgh
Start(D) = ?
BREADTH FIRST SEARCH ALGORITHM
Python Implementation
graph = {
'S' : ['A','B','C'],
'A' : ['D','S'],
'B' : ['E','S'],
'C' : ['F','S'],
'D' : ['G','A'],
'E' : ['G','B'],
'F' : ['G','C'],
'G' : ['D','E','F’]
}
visited = [] # List to keep track of visited nodes.
queue = [] #Initialize a queue
def bfs(visited, graph, node):
visited.append(node)
queue.append(node)
while queue:
s = queue.pop(0)
print (s, end = " ")
for neighbour in graph[s]:
if neighbour not in visited:
visited.append(neighbour)
queue.append(neighbour)
# Driver Code
bfs(visited, graph, 'S')
Open file 1-1_BFS
DEPTH FIRST SEARCH ALGORITHM
• Only decide first/init node
• List successor of node first
• Using stack to find shortest path
Start(S) = ADGEBFC
Start(C) = ?
DEPTH FIRST SEARCH ALGORITHM
Python Implementation graph = {
'S' : ['A','B','C'],
'A' : ['D','S'],
'B' : ['E','S'],
'C' : ['F','S'],
'D' : ['G','A'],
'E' : ['G','B'],
'F' : ['G','C'],
'G' : ['D', 'E','F']
}
visited = set() # Set to keep track of visited nodes.
def dfs(visited, graph, node):
if node not in visited:
print (node)
visited.add(node)
for neighbour in graph[node]:
dfs(visited, graph, neighbour)
# Driver Code
dfs(visited, graph, 'S')
Open file 1-2_DFS
A* ALGORITHM (INFORMED)
• Shortness Path Finding Algorithm
• Decide first/init and finish node
• Considering minimum cost
• F = g + h
where g is distance current node to
and the start node, h is estimated
distance from current node to end
node
WORKSHOP
A* ALGORITHM (INFORMED)
grid = [[0, 1, 0, 0, 0, 0],
[0, 1, 0, 0, 0, 0],
[0, 1, 0, 0, 0, 0],
[0, 1, 0, 0, 0, 0],
[0, 0, 0, 0, 1, 0]]
heuristic = [[9, 8, 7, 6, 5, 4],
[8, 7, 6, 5, 4, 3],
[7, 6, 5, 4, 3, 2],
[6, 5, 4, 3, 2, 1],
[5, 4, 3, 2, 1, 0]]
init = [0, 0]
goal = [len(grid)-1, len(grid[0])-1]
cost = 1
delta = [[-1, 0 ], # go up
[ 0, -1], # go left
[ 1, 0 ], # go down
[ 0, 1 ]] # go right
delta_name = ['^', '<', 'v', '>']
result = search(grid,init,goal,cost,heuristic)
for el in result:
print (el)
def search(grid,init,goal,cost,heuristic):
# ----------------------------------------
# modify the code below
# ----------------------------------------
closed = [[0 for col in range(len(grid[0]))] for row in range(len(grid))]
closed[init[0]][init[1]] = 1
expand = [[-1 for col in range(len(grid[0]))] for row in range(len(grid))]
action = [[-1 for col in range(len(grid[0]))] for row in range(len(grid))]
x = init[0]
y = init[1]
g = 0
f = g + heuristic[x][y]
open = [[f, g, x, y]]
found = False # flag that is set when search is complete
resign = False # flag set if we can't find expand
count = 0
while not found and not resign:
if len(open) == 0:
resign = True
return "Fail"
else:
open.sort()
open.reverse()
next = open.pop()
f = next[0]
g = next[1]
x = next[2]
y = next[3]
expand[x][y] = count
count += 1
if x == goal[0] and y == goal[1]:
found = True
else:
for i in range(len(delta)):
x2 = x + delta[i][0]
y2 = y + delta[i][1]
if x2 >= 0 and x2 < len(grid) and y2 >=0 and y2 < len(grid[0]):
if closed[x2][y2] == 0 and grid[x2][y2] == 0:
g2 = g + cost
f = g2 + heuristic[x2][y2]
open.append([f, g2, x2, y2])
closed[x2][y2] = 1
return expand
Open file 2-1_A_Asterisk
BFS/DFS AND A* FOR ROBOT NAVIGATION
WAREHOUSE CASE STUDY
Robot
Equipped with
Stereo
Camera or
LiDAR
Use BFS/DFS
to Scan
Environment
3D Map
Reconstructed
The Robot can
be navigated
using A*
pathfinding
and 3D Map
as parameter
When Robot
navigated,
Stereo
Camera/LiDAR
also active to
avoid obstacle
in current time
KNOWLEDGE-BASED AI
DATA SCIENCE Discovery
Domain Problem
Data Collection
Data
Preparation
Data Visualization (EDA)
Feature Engineering/Extraction
Data Cleansing
Up/Down Sampling
Model Planning
Regression
Classification
Clustering
Association
Model Building
Machine Learning Algorithm
Tunning Strategy
Model Evaluation
Operation Report of Model
Communication
Communicate the Insight to all
Stakeholder
Data
Science
Analytics Math,
Discrete Math,
Statistics
Programming
Domain/Business
Knowledge
DATA SCIENCE
DISCOVERY
Domain Problem Understanding
Example Problem
• Government need to know what happen in the current traffic
Example Solution
• Detect all vehicle type
Example Insight
• Personal car is the most vehicle that affect traffic jam in rush hour
Example Problem
• Government need to reduce traffic jam (Decision converted to Problem)
Example Solution
• Detect all plate number
Example Insight
• Odd and even plate number always balanced when traffic jam happen
DATA SCIENCE
DISCOVERY
EDA (Exploratory Data Analysis)
DATA SCIENCE
DATA PREPARATION
EDA (Exploratory Data Analysis)
DATA SCIENCE
DATA PREPARATION
Feature Engineering/Extraction
Why data need to be extracted?
- Among variables mostly have similar characteristic/feature
- Modelling should process data as knowledge to be learned but high dimensional data would make high
computational cost
- Raw knowledge would make modelling algorithm hard to find the pattern
What should we do?
- Find the pattern or feature manually
- EDA is one of tools to find the pattern
DATA SCIENCE
DATA PREPARATION
Feature Engineering/Extraction
Let’s we jump for a while to model planning and find the pattern
Example Case Study
- Fish needs to be classified (model planning) into 2 classes/categories
- What feature that possible to distinguishing the fishes?
DATA SCIENCE
DATA PREPARATION
Feature Engineering/Extraction
DATA SCIENCE
DATA PREPARATION
Feature Engineering/Extraction
PCA (Principal Component Analysis)
- Statistical method to find the feature with dimensionality reduction
- Transform first then reduce
Steps
1. Standardization (Data Normalization)
2. Find Covariance
3. Find Eigenvalue and Eigenvector from Covariance matrix (cov(X,Y) = A)
4. Sort and choose the Principal Components
5. Transform (Final = Normalized Data * Eigenvector)
Open file 3-1_FeatureExtract_PCA_Iris & 3-2_FeatureExtract_PCA_Cifar10
DATA SCIENCE
DATA PREPARATION
Feature Engineering/Extraction with Image Processing
• Edge Detection
• Line Detection
• Point Detection
• Convolution
Image Segmentation with Advanced Method
Image Segmentation with Basic Method
DATA SCIENCE
DATA PREPARATION
Feature Engineering/Extraction with Image Processing
Edge Detection
Open file 4-1_EdgeDetection | Please use web camera
DATA SCIENCE
DATA PREPARATION
Feature Engineering/Extraction with Image Processing
Line Detection
Open file 4-2_LineDetection | Please use web camera
DATA SCIENCE
DATA PREPARATION
Feature Engineering/Extraction with Image Processing
Line Detection
Open file 4-3_PointDetection | Please use web camera
DATA SCIENCE
DATA PREPARATION
Feature Engineering/Extraction with Image Processing
Morphology
Dilation
Erotion
DATA SCIENCE
DATA PREPARATION
Feature Engineering/Extraction with Image Processing
Image Convolution
DATA SCIENCE
MODEL PLANNING
Prediction Type
• Regression
• Classification
• Clustering
• Association
DATA SCIENCE
MODEL BUILDING
How to make a model?
Data (x)
f(x) = x^2
xi = (3, 5, 2, 1) yi = (9, 25, 4, 1)
Known Formula
E = mc^2
m = mass
c = speed of light
Energy
Known Formula
f(x) = ?
xi = (1, 3, 5, 7) yi = (1,3,5,7)
Unknown Formula
machine learning have an objective to find the formula
Classified Target (y)
f(x)
Blackbox
Formula
(model)
DATA SCIENCE
MODEL BUILDING
How to make a model?
Learning Process, Find Minimum Error with iterating method (comparing target data with the current model prediction)
DATA SCIENCE
MODEL BUILDING
Model Characteristic in Real-World Problem
- No Exact Formula
- Always have an error
- We never know what formula in math equation
Real World Problem
DATA SCIENCE
MODEL BUILDING
Minimum Error Trap
DATA SCIENCE
MODEL BUILDING
Over-fitting and Under-fitting
• Generalization is the key
• We need consider trade-off bias and error
• Model with the 100% accuracy need to be questioned. (it must be over-fitting)
• Sometime we should to stop learning process in local minima not global minima to avoid over-fitting
DATA SCIENCE
MODEL BUILDING
A sample formula for learning process
(Formula to find formula)
DATA SCIENCE
MODEL BUILDING
Data Splitting
• Split Data into training set and test set
• Using training set to get accuracy
• Using test set to get validation
• Data Split Strategy
• Hold-out (70:30, 80:20)
• Cross-validation (K-Fold)
Evaluation
• Confusion Matrix
• Accuracy
• Precision
• Recall
• Specificity
• F1 Score
DATA SCIENCE
MODEL BUILDING
What classifier type to separated the data?
• Linear?
• Non-Linear?
B
A
DATA SCIENCE
MODEL BUILDING
How Linear/Logistic Regression find best model
Open file
5-1_LinearRegression_Diabetes
5-2_LogisticRegression_Iris
5-3_LogisticRegression_PCA_Cifar10
DATA SCIENCE
MODEL BUILDING
Artificial Neural Network (ANN)
Neural Network
Artificial NN
DATA SCIENCE
MODEL BUILDING
Artificial Neural Network (ANN)
Perceptron Network
Able to create linear classifier
DATA SCIENCE
MODEL BUILDING
Artificial Neural Network (ANN)
Multilayer Perceptron Network
Able to create non-linear classifier
Easy to over-fitting
Create bias neuron to make model not overfit
DATA SCIENCE
MODEL BUILDING
How ANN Learn?
Back-propagate error
Using difference target with current prediction then consider it to update weight
Doing it iteratively until the error descend
Open file
5-4_ANN_PCA_Cifar10
DATA SCIENCE
MODEL BUILDING
Convolution
Neural Network
DATA SCIENCE
MODEL BUILDING
Deep Learning
Different Activation Function
More layer (Deep)
Different Backpropagation Algorithm
DATA SCIENCE
MODEL BUILDING
Activation Function and
Backpropagation algorithm
comparation
DATA SCIENCE
MODEL BUILDING
Deep Convolution Neural Network
Open file
5-4_DCNN_Cifar10
DATA SCIENCE
MODEL BUILDING
Deep Convolution Neural Network
Standardized DCNN Architecture for Object Recognition
ResNet (Residual Network) by AlexNet (Team
name) win the ImageNet 2012 competition
VGG b Simonyan and Zisserman
DATA SCIENCE
MODEL BUILDING
DATA SCIENCE
MODEL BUILDING
Deep Convolution Neural Network
Standarized DCNN Architecture for Object Recognition
Inception Architecture by Google
DATA SCIENCE
MODEL BUILDING
Deep Convolution Neural Network
Standardized DCNN Architecture for Object Recognition
DATA SCIENCE
MODEL BUILDING
Regional-Convolution Neural Network
COMPUTER VISION WITH DEEP LEARNING
IMPLEMENTATION
3D (Object) Regional-Convolution Neural Network for Self-Driving Car
COMPUTER VISION WITH DEEP LEARNING
IMPLEMENTATION
EDGE COMPUTING FOR AIOT
EnrichmentWeek Binus Computer Vision

More Related Content

Similar to EnrichmentWeek Binus Computer Vision

Computer graphics
Computer graphicsComputer graphics
Computer graphicsamitsarda3
 
mini project_shortest path visualizer.pptx
mini project_shortest path visualizer.pptxmini project_shortest path visualizer.pptx
mini project_shortest path visualizer.pptxtusharpawar803067
 
IBM Insight 2015 - 1823 - Geospatial analytics with dashDB in the cloud
IBM Insight 2015 - 1823 - Geospatial analytics with dashDB in the cloudIBM Insight 2015 - 1823 - Geospatial analytics with dashDB in the cloud
IBM Insight 2015 - 1823 - Geospatial analytics with dashDB in the cloudTorsten Steinbach
 
Visualization of Big Data in Web Apps
Visualization of Big Data in Web AppsVisualization of Big Data in Web Apps
Visualization of Big Data in Web AppsEPAM
 
Scalding big ADta
Scalding big ADtaScalding big ADta
Scalding big ADtab0ris_1
 
Game Engine Overview
Game Engine OverviewGame Engine Overview
Game Engine OverviewSharad Mitra
 
Beyond php - it's not (just) about the code
Beyond php - it's not (just) about the codeBeyond php - it's not (just) about the code
Beyond php - it's not (just) about the codeWim Godden
 
Movie Ticket Booking Website Project Presentation
Movie Ticket Booking Website Project PresentationMovie Ticket Booking Website Project Presentation
Movie Ticket Booking Website Project PresentationAvinandan Ganguly
 
Eventsourcing with PHP and MongoDB
Eventsourcing with PHP and MongoDBEventsourcing with PHP and MongoDB
Eventsourcing with PHP and MongoDBJacopo Nardiello
 
112 portfpres.pdf
112 portfpres.pdf112 portfpres.pdf
112 portfpres.pdfsash236
 
ANPR based Security System Using ALR
ANPR based Security System Using ALRANPR based Security System Using ALR
ANPR based Security System Using ALRAshok Basnet
 
Tools & Resources for Data Visualisation
Tools & Resources for Data VisualisationTools & Resources for Data Visualisation
Tools & Resources for Data VisualisationAmit Kapoor
 
Moose: how to solve real problems without reading code
Moose: how to solve real problems without reading codeMoose: how to solve real problems without reading code
Moose: how to solve real problems without reading codeTudor Girba
 
Tips And Tricks For Bioinformatics Software Engineering
Tips And Tricks For Bioinformatics Software EngineeringTips And Tricks For Bioinformatics Software Engineering
Tips And Tricks For Bioinformatics Software Engineeringjtdudley
 
PyDX Presentation about Python, GeoData and Maps
PyDX Presentation about Python, GeoData and MapsPyDX Presentation about Python, GeoData and Maps
PyDX Presentation about Python, GeoData and MapsHannes Hapke
 
Photogrammetry for Architecture and Construction
Photogrammetry for Architecture and ConstructionPhotogrammetry for Architecture and Construction
Photogrammetry for Architecture and ConstructionDat Lien
 
2 Years of Real World FP at REA
2 Years of Real World FP at REA2 Years of Real World FP at REA
2 Years of Real World FP at REAkenbot
 
CS 354 Introduction
CS 354 IntroductionCS 354 Introduction
CS 354 IntroductionMark Kilgard
 

Similar to EnrichmentWeek Binus Computer Vision (20)

Computer graphics
Computer graphicsComputer graphics
Computer graphics
 
mini project_shortest path visualizer.pptx
mini project_shortest path visualizer.pptxmini project_shortest path visualizer.pptx
mini project_shortest path visualizer.pptx
 
IBM Insight 2015 - 1823 - Geospatial analytics with dashDB in the cloud
IBM Insight 2015 - 1823 - Geospatial analytics with dashDB in the cloudIBM Insight 2015 - 1823 - Geospatial analytics with dashDB in the cloud
IBM Insight 2015 - 1823 - Geospatial analytics with dashDB in the cloud
 
Who moved my pixels?!
Who moved my pixels?!Who moved my pixels?!
Who moved my pixels?!
 
Visualization of Big Data in Web Apps
Visualization of Big Data in Web AppsVisualization of Big Data in Web Apps
Visualization of Big Data in Web Apps
 
Scalding big ADta
Scalding big ADtaScalding big ADta
Scalding big ADta
 
Game Engine Overview
Game Engine OverviewGame Engine Overview
Game Engine Overview
 
unit-1-intro
 unit-1-intro unit-1-intro
unit-1-intro
 
Beyond php - it's not (just) about the code
Beyond php - it's not (just) about the codeBeyond php - it's not (just) about the code
Beyond php - it's not (just) about the code
 
Movie Ticket Booking Website Project Presentation
Movie Ticket Booking Website Project PresentationMovie Ticket Booking Website Project Presentation
Movie Ticket Booking Website Project Presentation
 
Eventsourcing with PHP and MongoDB
Eventsourcing with PHP and MongoDBEventsourcing with PHP and MongoDB
Eventsourcing with PHP and MongoDB
 
112 portfpres.pdf
112 portfpres.pdf112 portfpres.pdf
112 portfpres.pdf
 
ANPR based Security System Using ALR
ANPR based Security System Using ALRANPR based Security System Using ALR
ANPR based Security System Using ALR
 
Tools & Resources for Data Visualisation
Tools & Resources for Data VisualisationTools & Resources for Data Visualisation
Tools & Resources for Data Visualisation
 
Moose: how to solve real problems without reading code
Moose: how to solve real problems without reading codeMoose: how to solve real problems without reading code
Moose: how to solve real problems without reading code
 
Tips And Tricks For Bioinformatics Software Engineering
Tips And Tricks For Bioinformatics Software EngineeringTips And Tricks For Bioinformatics Software Engineering
Tips And Tricks For Bioinformatics Software Engineering
 
PyDX Presentation about Python, GeoData and Maps
PyDX Presentation about Python, GeoData and MapsPyDX Presentation about Python, GeoData and Maps
PyDX Presentation about Python, GeoData and Maps
 
Photogrammetry for Architecture and Construction
Photogrammetry for Architecture and ConstructionPhotogrammetry for Architecture and Construction
Photogrammetry for Architecture and Construction
 
2 Years of Real World FP at REA
2 Years of Real World FP at REA2 Years of Real World FP at REA
2 Years of Real World FP at REA
 
CS 354 Introduction
CS 354 IntroductionCS 354 Introduction
CS 354 Introduction
 

More from giamuhammad

Laporan Proses Water Debt Counter
Laporan Proses Water Debt CounterLaporan Proses Water Debt Counter
Laporan Proses Water Debt Countergiamuhammad
 
Intel Solution Day (ID) 2021 Xingular
Intel Solution Day (ID) 2021 XingularIntel Solution Day (ID) 2021 Xingular
Intel Solution Day (ID) 2021 Xingulargiamuhammad
 
Cloud based augmented reality
Cloud based augmented realityCloud based augmented reality
Cloud based augmented realitygiamuhammad
 
Advance Multimedia Tech. Augmented reality. Pertemuan 1
Advance Multimedia Tech. Augmented reality. Pertemuan 1Advance Multimedia Tech. Augmented reality. Pertemuan 1
Advance Multimedia Tech. Augmented reality. Pertemuan 1giamuhammad
 
Advance Multimedia Tech. Augmented reality. Pertemuan 2
Advance Multimedia Tech. Augmented reality. Pertemuan 2Advance Multimedia Tech. Augmented reality. Pertemuan 2
Advance Multimedia Tech. Augmented reality. Pertemuan 2giamuhammad
 
Interactive Dialogue Technique based Computer Vision with Palm Tracking
Interactive Dialogue Technique based Computer Vision with Palm TrackingInteractive Dialogue Technique based Computer Vision with Palm Tracking
Interactive Dialogue Technique based Computer Vision with Palm Trackinggiamuhammad
 
QR Code Augmented Reality Tracking with Merging on Conventional Marker based ...
QR Code Augmented Reality Tracking with Merging on Conventional Marker based ...QR Code Augmented Reality Tracking with Merging on Conventional Marker based ...
QR Code Augmented Reality Tracking with Merging on Conventional Marker based ...giamuhammad
 
Undergraduate Thesis Presentation
Undergraduate Thesis PresentationUndergraduate Thesis Presentation
Undergraduate Thesis Presentationgiamuhammad
 
CCIT OOP Pertemuan 3
CCIT OOP Pertemuan 3CCIT OOP Pertemuan 3
CCIT OOP Pertemuan 3giamuhammad
 
CCIT OOP Pertemuan 2
CCIT OOP Pertemuan 2CCIT OOP Pertemuan 2
CCIT OOP Pertemuan 2giamuhammad
 
CCIT OOP Pertemuan 1
CCIT OOP Pertemuan 1CCIT OOP Pertemuan 1
CCIT OOP Pertemuan 1giamuhammad
 
GoHackaton - quantumsigmoid
GoHackaton - quantumsigmoidGoHackaton - quantumsigmoid
GoHackaton - quantumsigmoidgiamuhammad
 

More from giamuhammad (13)

Portofolio
PortofolioPortofolio
Portofolio
 
Laporan Proses Water Debt Counter
Laporan Proses Water Debt CounterLaporan Proses Water Debt Counter
Laporan Proses Water Debt Counter
 
Intel Solution Day (ID) 2021 Xingular
Intel Solution Day (ID) 2021 XingularIntel Solution Day (ID) 2021 Xingular
Intel Solution Day (ID) 2021 Xingular
 
Cloud based augmented reality
Cloud based augmented realityCloud based augmented reality
Cloud based augmented reality
 
Advance Multimedia Tech. Augmented reality. Pertemuan 1
Advance Multimedia Tech. Augmented reality. Pertemuan 1Advance Multimedia Tech. Augmented reality. Pertemuan 1
Advance Multimedia Tech. Augmented reality. Pertemuan 1
 
Advance Multimedia Tech. Augmented reality. Pertemuan 2
Advance Multimedia Tech. Augmented reality. Pertemuan 2Advance Multimedia Tech. Augmented reality. Pertemuan 2
Advance Multimedia Tech. Augmented reality. Pertemuan 2
 
Interactive Dialogue Technique based Computer Vision with Palm Tracking
Interactive Dialogue Technique based Computer Vision with Palm TrackingInteractive Dialogue Technique based Computer Vision with Palm Tracking
Interactive Dialogue Technique based Computer Vision with Palm Tracking
 
QR Code Augmented Reality Tracking with Merging on Conventional Marker based ...
QR Code Augmented Reality Tracking with Merging on Conventional Marker based ...QR Code Augmented Reality Tracking with Merging on Conventional Marker based ...
QR Code Augmented Reality Tracking with Merging on Conventional Marker based ...
 
Undergraduate Thesis Presentation
Undergraduate Thesis PresentationUndergraduate Thesis Presentation
Undergraduate Thesis Presentation
 
CCIT OOP Pertemuan 3
CCIT OOP Pertemuan 3CCIT OOP Pertemuan 3
CCIT OOP Pertemuan 3
 
CCIT OOP Pertemuan 2
CCIT OOP Pertemuan 2CCIT OOP Pertemuan 2
CCIT OOP Pertemuan 2
 
CCIT OOP Pertemuan 1
CCIT OOP Pertemuan 1CCIT OOP Pertemuan 1
CCIT OOP Pertemuan 1
 
GoHackaton - quantumsigmoid
GoHackaton - quantumsigmoidGoHackaton - quantumsigmoid
GoHackaton - quantumsigmoid
 

Recently uploaded

High Profile Call Girls Dahisar Arpita 9907093804 Independent Escort Service ...
High Profile Call Girls Dahisar Arpita 9907093804 Independent Escort Service ...High Profile Call Girls Dahisar Arpita 9907093804 Independent Escort Service ...
High Profile Call Girls Dahisar Arpita 9907093804 Independent Escort Service ...Call girls in Ahmedabad High profile
 
Processing & Properties of Floor and Wall Tiles.pptx
Processing & Properties of Floor and Wall Tiles.pptxProcessing & Properties of Floor and Wall Tiles.pptx
Processing & Properties of Floor and Wall Tiles.pptxpranjaldaimarysona
 
(TARA) Talegaon Dabhade Call Girls Just Call 7001035870 [ Cash on Delivery ] ...
(TARA) Talegaon Dabhade Call Girls Just Call 7001035870 [ Cash on Delivery ] ...(TARA) Talegaon Dabhade Call Girls Just Call 7001035870 [ Cash on Delivery ] ...
(TARA) Talegaon Dabhade Call Girls Just Call 7001035870 [ Cash on Delivery ] ...ranjana rawat
 
Introduction and different types of Ethernet.pptx
Introduction and different types of Ethernet.pptxIntroduction and different types of Ethernet.pptx
Introduction and different types of Ethernet.pptxupamatechverse
 
MANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLS
MANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLSMANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLS
MANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLSSIVASHANKAR N
 
the ladakh protest in leh ladakh 2024 sonam wangchuk.pptx
the ladakh protest in leh ladakh 2024 sonam wangchuk.pptxthe ladakh protest in leh ladakh 2024 sonam wangchuk.pptx
the ladakh protest in leh ladakh 2024 sonam wangchuk.pptxhumanexperienceaaa
 
IMPLICATIONS OF THE ABOVE HOLISTIC UNDERSTANDING OF HARMONY ON PROFESSIONAL E...
IMPLICATIONS OF THE ABOVE HOLISTIC UNDERSTANDING OF HARMONY ON PROFESSIONAL E...IMPLICATIONS OF THE ABOVE HOLISTIC UNDERSTANDING OF HARMONY ON PROFESSIONAL E...
IMPLICATIONS OF THE ABOVE HOLISTIC UNDERSTANDING OF HARMONY ON PROFESSIONAL E...RajaP95
 
Top Rated Pune Call Girls Budhwar Peth ⟟ 6297143586 ⟟ Call Me For Genuine Se...
Top Rated  Pune Call Girls Budhwar Peth ⟟ 6297143586 ⟟ Call Me For Genuine Se...Top Rated  Pune Call Girls Budhwar Peth ⟟ 6297143586 ⟟ Call Me For Genuine Se...
Top Rated Pune Call Girls Budhwar Peth ⟟ 6297143586 ⟟ Call Me For Genuine Se...Call Girls in Nagpur High Profile
 
HARDNESS, FRACTURE TOUGHNESS AND STRENGTH OF CERAMICS
HARDNESS, FRACTURE TOUGHNESS AND STRENGTH OF CERAMICSHARDNESS, FRACTURE TOUGHNESS AND STRENGTH OF CERAMICS
HARDNESS, FRACTURE TOUGHNESS AND STRENGTH OF CERAMICSRajkumarAkumalla
 
Porous Ceramics seminar and technical writing
Porous Ceramics seminar and technical writingPorous Ceramics seminar and technical writing
Porous Ceramics seminar and technical writingrakeshbaidya232001
 
UNIT-III FMM. DIMENSIONAL ANALYSIS
UNIT-III FMM.        DIMENSIONAL ANALYSISUNIT-III FMM.        DIMENSIONAL ANALYSIS
UNIT-III FMM. DIMENSIONAL ANALYSISrknatarajan
 
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130Suhani Kapoor
 
Call Girls Service Nashik Vaishnavi 7001305949 Independent Escort Service Nashik
Call Girls Service Nashik Vaishnavi 7001305949 Independent Escort Service NashikCall Girls Service Nashik Vaishnavi 7001305949 Independent Escort Service Nashik
Call Girls Service Nashik Vaishnavi 7001305949 Independent Escort Service NashikCall Girls in Nagpur High Profile
 
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Serviceranjana rawat
 
VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130
VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130
VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130Suhani Kapoor
 
Introduction to Multiple Access Protocol.pptx
Introduction to Multiple Access Protocol.pptxIntroduction to Multiple Access Protocol.pptx
Introduction to Multiple Access Protocol.pptxupamatechverse
 
SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )Tsuyoshi Horigome
 
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...ranjana rawat
 
Extrusion Processes and Their Limitations
Extrusion Processes and Their LimitationsExtrusion Processes and Their Limitations
Extrusion Processes and Their Limitations120cr0395
 

Recently uploaded (20)

High Profile Call Girls Dahisar Arpita 9907093804 Independent Escort Service ...
High Profile Call Girls Dahisar Arpita 9907093804 Independent Escort Service ...High Profile Call Girls Dahisar Arpita 9907093804 Independent Escort Service ...
High Profile Call Girls Dahisar Arpita 9907093804 Independent Escort Service ...
 
Processing & Properties of Floor and Wall Tiles.pptx
Processing & Properties of Floor and Wall Tiles.pptxProcessing & Properties of Floor and Wall Tiles.pptx
Processing & Properties of Floor and Wall Tiles.pptx
 
(TARA) Talegaon Dabhade Call Girls Just Call 7001035870 [ Cash on Delivery ] ...
(TARA) Talegaon Dabhade Call Girls Just Call 7001035870 [ Cash on Delivery ] ...(TARA) Talegaon Dabhade Call Girls Just Call 7001035870 [ Cash on Delivery ] ...
(TARA) Talegaon Dabhade Call Girls Just Call 7001035870 [ Cash on Delivery ] ...
 
Introduction and different types of Ethernet.pptx
Introduction and different types of Ethernet.pptxIntroduction and different types of Ethernet.pptx
Introduction and different types of Ethernet.pptx
 
MANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLS
MANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLSMANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLS
MANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLS
 
the ladakh protest in leh ladakh 2024 sonam wangchuk.pptx
the ladakh protest in leh ladakh 2024 sonam wangchuk.pptxthe ladakh protest in leh ladakh 2024 sonam wangchuk.pptx
the ladakh protest in leh ladakh 2024 sonam wangchuk.pptx
 
IMPLICATIONS OF THE ABOVE HOLISTIC UNDERSTANDING OF HARMONY ON PROFESSIONAL E...
IMPLICATIONS OF THE ABOVE HOLISTIC UNDERSTANDING OF HARMONY ON PROFESSIONAL E...IMPLICATIONS OF THE ABOVE HOLISTIC UNDERSTANDING OF HARMONY ON PROFESSIONAL E...
IMPLICATIONS OF THE ABOVE HOLISTIC UNDERSTANDING OF HARMONY ON PROFESSIONAL E...
 
Call Us -/9953056974- Call Girls In Vikaspuri-/- Delhi NCR
Call Us -/9953056974- Call Girls In Vikaspuri-/- Delhi NCRCall Us -/9953056974- Call Girls In Vikaspuri-/- Delhi NCR
Call Us -/9953056974- Call Girls In Vikaspuri-/- Delhi NCR
 
Top Rated Pune Call Girls Budhwar Peth ⟟ 6297143586 ⟟ Call Me For Genuine Se...
Top Rated  Pune Call Girls Budhwar Peth ⟟ 6297143586 ⟟ Call Me For Genuine Se...Top Rated  Pune Call Girls Budhwar Peth ⟟ 6297143586 ⟟ Call Me For Genuine Se...
Top Rated Pune Call Girls Budhwar Peth ⟟ 6297143586 ⟟ Call Me For Genuine Se...
 
HARDNESS, FRACTURE TOUGHNESS AND STRENGTH OF CERAMICS
HARDNESS, FRACTURE TOUGHNESS AND STRENGTH OF CERAMICSHARDNESS, FRACTURE TOUGHNESS AND STRENGTH OF CERAMICS
HARDNESS, FRACTURE TOUGHNESS AND STRENGTH OF CERAMICS
 
Porous Ceramics seminar and technical writing
Porous Ceramics seminar and technical writingPorous Ceramics seminar and technical writing
Porous Ceramics seminar and technical writing
 
UNIT-III FMM. DIMENSIONAL ANALYSIS
UNIT-III FMM.        DIMENSIONAL ANALYSISUNIT-III FMM.        DIMENSIONAL ANALYSIS
UNIT-III FMM. DIMENSIONAL ANALYSIS
 
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
 
Call Girls Service Nashik Vaishnavi 7001305949 Independent Escort Service Nashik
Call Girls Service Nashik Vaishnavi 7001305949 Independent Escort Service NashikCall Girls Service Nashik Vaishnavi 7001305949 Independent Escort Service Nashik
Call Girls Service Nashik Vaishnavi 7001305949 Independent Escort Service Nashik
 
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service
 
VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130
VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130
VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130
 
Introduction to Multiple Access Protocol.pptx
Introduction to Multiple Access Protocol.pptxIntroduction to Multiple Access Protocol.pptx
Introduction to Multiple Access Protocol.pptx
 
SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )
 
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...
 
Extrusion Processes and Their Limitations
Extrusion Processes and Their LimitationsExtrusion Processes and Their Limitations
Extrusion Processes and Their Limitations
 

EnrichmentWeek Binus Computer Vision

  • 2. Gia Muhammad Direktur Teknologi, Software Engineering and Artificial Intelligence Specialist Xingular.AI PT. Xingular Inovasi Teknologi https://xingular.ai gia@xingular.ai https://www.linkedin.com/in/giamuhammad/ https://github.com/giamuhammad http://ipb.academia.edu/giamuhammad +62819 0865 2920 Vendor Partnership
  • 3.
  • 4.
  • 5.
  • 6. ARTIFICIAL INTELLIGENCE Artificial Intelligence is the science and engineering of making machine have an intelligence (McCarthy, 2007) Artificial General Intelligence Artificial Narrow Intelligence Artificial Super Intelligence Technology Singularity
  • 7. ARTIFICIAL INTELLIGENCE Intelligence is about tolerance, it able to face uncertainty Human also can make mistakes, yet progress in learning to avoid the same mistake, so neither in AI…
  • 8. COMPUTER VISION IN ARTIFICIAL INTELLIGENCE Artificial Intelligence Natural Language Processing Computer/Machine Vision Object Recognition Face Recognition User Retention Measurement Security Access and People Tracking Face and Body Analytics Audience Measurement Gesture Recognition Behavior Recognition Object Detection and Tracking Traffic Analytics Environment/Scene Perception Optical Character Recognition ALPR Automatic Document Scanner Barcode 1D Barcode 2D Barcode Augmented Reality Mixed Reality (XR) Face Filter Image Processing Image Editing Watermarking Image Compression Robotics Speech Recognition
  • 9. COMPUTER VISION IN ARTIFICIAL INTELLIGENCE Artificial Intelligence Non- Knowledge Based Knowledge Based
  • 10. COMPUTER VISION IN ARTIFICIAL INTELLIGENCE Computer Vision Non- Knowledge Based Image Processing Preprocessing Image Preparation Image Feature Visual Perception Pose Estimation View- Geometry Single View Multi View Stereo Vision Knowledge Based Computer Vision Non- Knowledge Based Knowledge Based Object Recognition Machine Learning Non-Neural Net SVM etc Neural Network Deep Learning CNN RCNN
  • 11. INTRODUCTION OF SELF-DRIVING CAR Self-Driving car is a vehicle that is capable of sensing its environment and moving safely with little or no human input (Hu; et al, 2020)
  • 13. The Human Monitors the Driving Environment The Automated System Monitors the Driving Environment Source : SAE International and J3016 VEHICLE AUTOMATION (VA) LEVEL “Artificial Intelligence is still not able to function properly in chaotic inner-city environments.” (SingularityU The Netherlands)
  • 14. HARDWARE (SENSOR) IN SELF-DRIVING • Stereo Camera • LiDAR • GPS • Radar • Ultrasonic • Wheel Encoder • IMU (Inertial Measurement Unit) or INS (Inertial Navigation System)
  • 16. DEVICE AND METHOD COMPARISON LiDAR for Self-Driving Stereo Camera Cost Expensive Proper Range, Distance Measurement Extensive Limit, Depend on FOV and Geometry Calculation Precision to reconstruct object More Accurate, Sensitive Less Accurate Method Laser Time-of-Flight, Structured Light, Passive and Active Stereo
  • 17. DEVICE AND METHOD COMPARISON Laser Structured Light Time-of-Flight Passive Active Method Triangulation Precision Accurate Accurate Less Accurate, Depend on 3D Reconstruction Method Less Accurate, Bad for Dark Condition Less Accurate, Depend on 3D Reconstruction Method/Algorithm Speed < 1s About 2 seconds < 1s Depend on Computation Time of Disparity Map < 1s Cost Very High High Medium Low. Just need more than 1 RGB Camera but need extra compute chip to run disparity map Medium
  • 18. LIDAR. LIGHT DETECTION AND RANGING High Precision for Short and Long Range Object Implementation - Mapping for Remote Sensing - Self-Driving Car - 3D Printing from 3D Reconstruction - Robot Navigation
  • 19. STRUCTURED LIGHT High Precision for Short Range Object Implementation - 3D Map Guides Robot in Industrial Factory - 3D Printing from 3D Reconstruction
  • 20. TIME OF FLIGHT Low Precision for Short Range Object (LiDAR like, using different laser, usually combined with RGB Camera Sensor) Implementation - 3D Printing from 3D Reconstruction - 3D Object Detection - Self-Driving Car - Robot Navigation - Camera Effect - Game Control to Detect Skeleton (Microsoft Kinect) RGB Camera Infrared Laser Raw 3D Reconstructed AI-based algorithm 3D Reconstruction refinement Final Result (High Precision) 3D Reconstructed Illustration of ToF Stereo Camera
  • 22. WHY STEREO VISION AND AI Elon Musk in Autonomy Day for Investors, 2019
  • 23. WHY STEREO VISION AND AI Less Precision 3D Reconstructed AI (The ability to handle uncertainty) Accurate 3D Object Recognition with Low Cost Sensor
  • 24.
  • 25. NON-KNOWLEDGE BASED AI Search Algorithm Blind Breadth First Search (BFS) Depth First Search Informed A* Search
  • 26. BREADTH FIRST SEARCH ALGORITHM • Only decide first/init node • List neighbour node first • Using queue to find shortest path Start(S) = ABCDEFG Start(a) = bcdefgh Start(D) = ?
  • 27. BREADTH FIRST SEARCH ALGORITHM Python Implementation graph = { 'S' : ['A','B','C'], 'A' : ['D','S'], 'B' : ['E','S'], 'C' : ['F','S'], 'D' : ['G','A'], 'E' : ['G','B'], 'F' : ['G','C'], 'G' : ['D','E','F’] } visited = [] # List to keep track of visited nodes. queue = [] #Initialize a queue def bfs(visited, graph, node): visited.append(node) queue.append(node) while queue: s = queue.pop(0) print (s, end = " ") for neighbour in graph[s]: if neighbour not in visited: visited.append(neighbour) queue.append(neighbour) # Driver Code bfs(visited, graph, 'S') Open file 1-1_BFS
  • 28. DEPTH FIRST SEARCH ALGORITHM • Only decide first/init node • List successor of node first • Using stack to find shortest path Start(S) = ADGEBFC Start(C) = ?
  • 29. DEPTH FIRST SEARCH ALGORITHM Python Implementation graph = { 'S' : ['A','B','C'], 'A' : ['D','S'], 'B' : ['E','S'], 'C' : ['F','S'], 'D' : ['G','A'], 'E' : ['G','B'], 'F' : ['G','C'], 'G' : ['D', 'E','F'] } visited = set() # Set to keep track of visited nodes. def dfs(visited, graph, node): if node not in visited: print (node) visited.add(node) for neighbour in graph[node]: dfs(visited, graph, neighbour) # Driver Code dfs(visited, graph, 'S') Open file 1-2_DFS
  • 30. A* ALGORITHM (INFORMED) • Shortness Path Finding Algorithm • Decide first/init and finish node • Considering minimum cost • F = g + h where g is distance current node to and the start node, h is estimated distance from current node to end node
  • 31. WORKSHOP A* ALGORITHM (INFORMED) grid = [[0, 1, 0, 0, 0, 0], [0, 1, 0, 0, 0, 0], [0, 1, 0, 0, 0, 0], [0, 1, 0, 0, 0, 0], [0, 0, 0, 0, 1, 0]] heuristic = [[9, 8, 7, 6, 5, 4], [8, 7, 6, 5, 4, 3], [7, 6, 5, 4, 3, 2], [6, 5, 4, 3, 2, 1], [5, 4, 3, 2, 1, 0]] init = [0, 0] goal = [len(grid)-1, len(grid[0])-1] cost = 1 delta = [[-1, 0 ], # go up [ 0, -1], # go left [ 1, 0 ], # go down [ 0, 1 ]] # go right delta_name = ['^', '<', 'v', '>'] result = search(grid,init,goal,cost,heuristic) for el in result: print (el) def search(grid,init,goal,cost,heuristic): # ---------------------------------------- # modify the code below # ---------------------------------------- closed = [[0 for col in range(len(grid[0]))] for row in range(len(grid))] closed[init[0]][init[1]] = 1 expand = [[-1 for col in range(len(grid[0]))] for row in range(len(grid))] action = [[-1 for col in range(len(grid[0]))] for row in range(len(grid))] x = init[0] y = init[1] g = 0 f = g + heuristic[x][y] open = [[f, g, x, y]] found = False # flag that is set when search is complete resign = False # flag set if we can't find expand count = 0 while not found and not resign: if len(open) == 0: resign = True return "Fail" else: open.sort() open.reverse() next = open.pop() f = next[0] g = next[1] x = next[2] y = next[3] expand[x][y] = count count += 1 if x == goal[0] and y == goal[1]: found = True else: for i in range(len(delta)): x2 = x + delta[i][0] y2 = y + delta[i][1] if x2 >= 0 and x2 < len(grid) and y2 >=0 and y2 < len(grid[0]): if closed[x2][y2] == 0 and grid[x2][y2] == 0: g2 = g + cost f = g2 + heuristic[x2][y2] open.append([f, g2, x2, y2]) closed[x2][y2] = 1 return expand Open file 2-1_A_Asterisk
  • 32. BFS/DFS AND A* FOR ROBOT NAVIGATION WAREHOUSE CASE STUDY Robot Equipped with Stereo Camera or LiDAR Use BFS/DFS to Scan Environment 3D Map Reconstructed The Robot can be navigated using A* pathfinding and 3D Map as parameter When Robot navigated, Stereo Camera/LiDAR also active to avoid obstacle in current time
  • 33. KNOWLEDGE-BASED AI DATA SCIENCE Discovery Domain Problem Data Collection Data Preparation Data Visualization (EDA) Feature Engineering/Extraction Data Cleansing Up/Down Sampling Model Planning Regression Classification Clustering Association Model Building Machine Learning Algorithm Tunning Strategy Model Evaluation Operation Report of Model Communication Communicate the Insight to all Stakeholder Data Science Analytics Math, Discrete Math, Statistics Programming Domain/Business Knowledge
  • 34. DATA SCIENCE DISCOVERY Domain Problem Understanding Example Problem • Government need to know what happen in the current traffic Example Solution • Detect all vehicle type Example Insight • Personal car is the most vehicle that affect traffic jam in rush hour Example Problem • Government need to reduce traffic jam (Decision converted to Problem) Example Solution • Detect all plate number Example Insight • Odd and even plate number always balanced when traffic jam happen
  • 36. DATA SCIENCE DATA PREPARATION EDA (Exploratory Data Analysis)
  • 37. DATA SCIENCE DATA PREPARATION Feature Engineering/Extraction Why data need to be extracted? - Among variables mostly have similar characteristic/feature - Modelling should process data as knowledge to be learned but high dimensional data would make high computational cost - Raw knowledge would make modelling algorithm hard to find the pattern What should we do? - Find the pattern or feature manually - EDA is one of tools to find the pattern
  • 38. DATA SCIENCE DATA PREPARATION Feature Engineering/Extraction Let’s we jump for a while to model planning and find the pattern Example Case Study - Fish needs to be classified (model planning) into 2 classes/categories - What feature that possible to distinguishing the fishes?
  • 39. DATA SCIENCE DATA PREPARATION Feature Engineering/Extraction
  • 40. DATA SCIENCE DATA PREPARATION Feature Engineering/Extraction PCA (Principal Component Analysis) - Statistical method to find the feature with dimensionality reduction - Transform first then reduce Steps 1. Standardization (Data Normalization) 2. Find Covariance 3. Find Eigenvalue and Eigenvector from Covariance matrix (cov(X,Y) = A) 4. Sort and choose the Principal Components 5. Transform (Final = Normalized Data * Eigenvector) Open file 3-1_FeatureExtract_PCA_Iris & 3-2_FeatureExtract_PCA_Cifar10
  • 41. DATA SCIENCE DATA PREPARATION Feature Engineering/Extraction with Image Processing • Edge Detection • Line Detection • Point Detection • Convolution Image Segmentation with Advanced Method Image Segmentation with Basic Method
  • 42. DATA SCIENCE DATA PREPARATION Feature Engineering/Extraction with Image Processing Edge Detection Open file 4-1_EdgeDetection | Please use web camera
  • 43. DATA SCIENCE DATA PREPARATION Feature Engineering/Extraction with Image Processing Line Detection Open file 4-2_LineDetection | Please use web camera
  • 44. DATA SCIENCE DATA PREPARATION Feature Engineering/Extraction with Image Processing Line Detection Open file 4-3_PointDetection | Please use web camera
  • 45. DATA SCIENCE DATA PREPARATION Feature Engineering/Extraction with Image Processing Morphology Dilation Erotion
  • 46. DATA SCIENCE DATA PREPARATION Feature Engineering/Extraction with Image Processing Image Convolution
  • 47. DATA SCIENCE MODEL PLANNING Prediction Type • Regression • Classification • Clustering • Association
  • 48. DATA SCIENCE MODEL BUILDING How to make a model? Data (x) f(x) = x^2 xi = (3, 5, 2, 1) yi = (9, 25, 4, 1) Known Formula E = mc^2 m = mass c = speed of light Energy Known Formula f(x) = ? xi = (1, 3, 5, 7) yi = (1,3,5,7) Unknown Formula machine learning have an objective to find the formula Classified Target (y) f(x) Blackbox Formula (model)
  • 49. DATA SCIENCE MODEL BUILDING How to make a model? Learning Process, Find Minimum Error with iterating method (comparing target data with the current model prediction)
  • 50. DATA SCIENCE MODEL BUILDING Model Characteristic in Real-World Problem - No Exact Formula - Always have an error - We never know what formula in math equation Real World Problem
  • 52. DATA SCIENCE MODEL BUILDING Over-fitting and Under-fitting • Generalization is the key • We need consider trade-off bias and error • Model with the 100% accuracy need to be questioned. (it must be over-fitting) • Sometime we should to stop learning process in local minima not global minima to avoid over-fitting
  • 53. DATA SCIENCE MODEL BUILDING A sample formula for learning process (Formula to find formula)
  • 54. DATA SCIENCE MODEL BUILDING Data Splitting • Split Data into training set and test set • Using training set to get accuracy • Using test set to get validation • Data Split Strategy • Hold-out (70:30, 80:20) • Cross-validation (K-Fold) Evaluation • Confusion Matrix • Accuracy • Precision • Recall • Specificity • F1 Score
  • 55. DATA SCIENCE MODEL BUILDING What classifier type to separated the data? • Linear? • Non-Linear? B A
  • 56. DATA SCIENCE MODEL BUILDING How Linear/Logistic Regression find best model Open file 5-1_LinearRegression_Diabetes 5-2_LogisticRegression_Iris 5-3_LogisticRegression_PCA_Cifar10
  • 57. DATA SCIENCE MODEL BUILDING Artificial Neural Network (ANN) Neural Network Artificial NN
  • 58. DATA SCIENCE MODEL BUILDING Artificial Neural Network (ANN) Perceptron Network Able to create linear classifier
  • 59. DATA SCIENCE MODEL BUILDING Artificial Neural Network (ANN) Multilayer Perceptron Network Able to create non-linear classifier Easy to over-fitting Create bias neuron to make model not overfit
  • 60. DATA SCIENCE MODEL BUILDING How ANN Learn? Back-propagate error Using difference target with current prediction then consider it to update weight Doing it iteratively until the error descend Open file 5-4_ANN_PCA_Cifar10
  • 62. DATA SCIENCE MODEL BUILDING Deep Learning Different Activation Function More layer (Deep) Different Backpropagation Algorithm
  • 63. DATA SCIENCE MODEL BUILDING Activation Function and Backpropagation algorithm comparation
  • 64. DATA SCIENCE MODEL BUILDING Deep Convolution Neural Network Open file 5-4_DCNN_Cifar10
  • 65. DATA SCIENCE MODEL BUILDING Deep Convolution Neural Network Standardized DCNN Architecture for Object Recognition ResNet (Residual Network) by AlexNet (Team name) win the ImageNet 2012 competition VGG b Simonyan and Zisserman
  • 67. DATA SCIENCE MODEL BUILDING Deep Convolution Neural Network Standarized DCNN Architecture for Object Recognition Inception Architecture by Google
  • 68. DATA SCIENCE MODEL BUILDING Deep Convolution Neural Network Standardized DCNN Architecture for Object Recognition
  • 70. COMPUTER VISION WITH DEEP LEARNING IMPLEMENTATION 3D (Object) Regional-Convolution Neural Network for Self-Driving Car
  • 71. COMPUTER VISION WITH DEEP LEARNING IMPLEMENTATION