SlideShare a Scribd company logo
1ST
2018.06.28.
iOS
1ST
1ST
1ST
1ST
1ST
1ST
User

Data
1ST
1ST
User

Data
1ST
https://developer.apple.com/videos/play/wwdc2017/703/
1ST
0.1 s 😎
1 s
5 s 😫
😯
1ST
Geekbench 4 - cross-platform processor benchmark
1ST
1ST
https://developer.apple.com/videos/play/wwdc2017/703/
😄
1ST
Classification
Object Detection
Regression
Decision Tree
Classifier
Logistic
Regression
Random
Forest Regression
Linear
Regression
Random
Forest Classifier
SVM
1ST
CoreML Store
https://coreml.store
1ST
AgeNet
Input: Image
Output: String
43.5 MB
https://github.com/cocoa-ai/FacesVisionDemo
1ST
DocumentClassification
Input: String
Output: String
1.4 MB
https://github.com/toddkramer/DocumentClassifier
1ST
Exermote
Input: Accelerations Output: Array
80 KB
https://github.com/Lausbert/Exermote/tree/master/ExermoteInference
1ST
Food101
Input: Image
Output: String
83.3 MB
https://github.com/ph1ps/Food101-CoreML
1ST
RN1015k500
Input: Image
Output: Dictionary
284.4 MB
https://github.com/awslabs/MXNet2CoreML_iOS_sample_app
1ST
1ST
1ST
1ST
http://www.ritchieng.com/neural-networks-learning/
1ST
“Don’t be a hero!”
-Andrej Karpathy
1ST
1ST
1ST
1ST
1ST
1ST
https://developer.apple.com/videos/play/wwdc2017/703/
1ST
https://developer.apple.com/videos/play/wwdc2017/703/
1ST
🤯
Rectangle Circle Triangle
1ST
1ST
Xcode
Swift
1ST
1ST
Rectangle Circle Triangle
1ST
1ST
1ST
1ST
from keras.preprocessing.image import ImageDataGenerator
# 1.
train_datagen = ImageDataGenerator(rescale=1./255)
train_generator = train_datagen.flow_from_directory(
‘data_set/train’, //
target_size=(28, 28), //
batch_size=10, //
class_mode=‘categorical') //
: https://tykimos.github.io/
1ST
from keras.preprocessing.image import ImageDataGenerator
# 1.
train_datagen = ImageDataGenerator(rescale=1./255,
rotation_range=10,
width_shift_range=0.2,
height_shift_range=0.2,
shear_range=0.7,
zoom_range=[0.9, 2.2],
horizontal_flip=True,
vertical_flip=True,
fill_mode='nearest')
: https://tykimos.github.io/
1ST
# 2.
from keras.models import Sequential
from keras.layers import Dense, Flatten
from keras.layers.convolutional import Conv2D, MaxPooling2D
model = Sequential() //
model.add(Conv2D(32, //
kernel_size=(3, 3), //
activation=‘relu’, //
input_shape=(28, 28, 3)) // ( , )
model.add(Conv2D(64, (3, 3), activation=‘relu')) //
model.add(MaxPooling2D(pool_size=(2, 2))) //
model.add(Flatten()) // ->
model.add(Dense(128, activation=‘relu’)) //
model.add(Dense(3, activation=‘softmax')) // : https://tykimos.github.io/
1ST
# 3.
model.compile(loss='categorical_crossentropy', optimizer='adam',
metrics=[‘accuracy']) //
# 4.
model.fit_generator(
train_generator, //
steps_per_epoch=60, // / (= 600/10)
epochs=150) //
# 5.
score=model.evaluate_generator(test_generator, steps=3)
: https://tykimos.github.io/
1ST
1ST
# 6. coreml
import coremltools
coreml_model = coremltools.converters.keras.convert(model,
input_names=‘image’, // =
output_names=‘class',
image_input_names = ‘image',
class_labels = ['circle', 'rectangle', ‘triangle'], //
is_bgr=True)
coreml_model.save(‘shape_detect_with_keras.mlmodel') //
1ST
1ST
1ST
# 7. coreml
import CoreML
let model = shape_detect_with_keras()
guard let output: shape_detect_with_kerasOutput = try?
model.prediction(image: image) else { return }
https://github.com/MijeongJeon
1ST
1ST
1ST
1ST
Apple
IBM
Microsoft
1ST
Apple
CoreML 2CoreML 1
1ST
Apple
iOS 12(9 )
CreateML
1ST
Apple
1ST
Apple
1ST
Apple
Image Classification
Text Meaning
Find Relationship
1ST
Apple
1ST
IBM
IBM
Watson
Apple
CoreML
1ST
IBM
1ST
IBM
1ST
Microsoft
1ST
Microsoft
1ST
1ST
class func compileModel(at: URL) -> URL
convert_neural_network_spec_weights_to_fp16(model_spec)
1ST
1ST
IBM
1ST
Apple
CreateML
1ST
1ST
1ST
🤓

More Related Content

PPTX
Kuberenetes Robotics Distributed System
PDF
aibo introduction at ROSCon2018@Madrid
PPTX
Eclipse Iceoryx Overview
PDF
Sony robotics overview
PDF
Kubernetes Robotics Edge Cluster System
PDF
PyCon_India_2017_MicroPython_Ayan
PPTX
Build the internet of things with Raspberry Pi!
PDF
Pythonistaの使い方
Kuberenetes Robotics Distributed System
aibo introduction at ROSCon2018@Madrid
Eclipse Iceoryx Overview
Sony robotics overview
Kubernetes Robotics Edge Cluster System
PyCon_India_2017_MicroPython_Ayan
Build the internet of things with Raspberry Pi!
Pythonistaの使い方

Similar to 내 손 위의 딥러닝_iOS에 딥러닝 심기 (20)

PDF
Siddha Ganju, NVIDIA. Deep Learning for Mobile
PDF
Siddha Ganju. Deep learning on mobile
PDF
Introducing ios core ml
PDF
Distributed Deep Learning with Hadoop and TensorFlow
PDF
Keith Moon "Machine learning for iOS developers"
PDF
OpenPOWER Workshop in Silicon Valley
PPTX
Machine Learning for iOS developers
PDF
Tensorflow on Android
PDF
CoreML
PDF
AI driven classification framework for advanced Test Automation
PDF
Neural Networks in the Wild: Handwriting Recognition
PDF
Lecture 4: Deep Learning Frameworks
PDF
Deep Dive on Deep Learning (June 2018)
PDF
Overview of text classification approaches algorithms & software v lyubin...
PPTX
Apple Machine Learning
PDF
CoreML for NLP (Melb Cocoaheads 08/02/2018)
PPTX
Deep learning on mobile
PDF
Neural Networks from Scratch - TensorFlow 101
PPTX
Squeezing Deep Learning Into Mobile Phones
PPTX
Viktor Tsykunov "Microsoft AI platform for every Developer"
Siddha Ganju, NVIDIA. Deep Learning for Mobile
Siddha Ganju. Deep learning on mobile
Introducing ios core ml
Distributed Deep Learning with Hadoop and TensorFlow
Keith Moon "Machine learning for iOS developers"
OpenPOWER Workshop in Silicon Valley
Machine Learning for iOS developers
Tensorflow on Android
CoreML
AI driven classification framework for advanced Test Automation
Neural Networks in the Wild: Handwriting Recognition
Lecture 4: Deep Learning Frameworks
Deep Dive on Deep Learning (June 2018)
Overview of text classification approaches algorithms & software v lyubin...
Apple Machine Learning
CoreML for NLP (Melb Cocoaheads 08/02/2018)
Deep learning on mobile
Neural Networks from Scratch - TensorFlow 101
Squeezing Deep Learning Into Mobile Phones
Viktor Tsykunov "Microsoft AI platform for every Developer"
Ad

More from Mijeong Jeon (9)

PDF
Azure_CogSearch_OAI.pdf
PDF
Performance Comparing : ONNX, TF, PyTorch
PDF
let us: Go! 2019 Summer 앱 수익으로 월세내기
PDF
Azure AutoML 함께 실습하기
PDF
iOS 모바일에서 한글 손글씨 인식하기(with Keras)
PDF
180825 azure ai
PDF
iOS와 케라스의 만남
PDF
프알못의 Keras 사용기
PDF
프알못의 Realm 사용기
Azure_CogSearch_OAI.pdf
Performance Comparing : ONNX, TF, PyTorch
let us: Go! 2019 Summer 앱 수익으로 월세내기
Azure AutoML 함께 실습하기
iOS 모바일에서 한글 손글씨 인식하기(with Keras)
180825 azure ai
iOS와 케라스의 만남
프알못의 Keras 사용기
프알못의 Realm 사용기
Ad

Recently uploaded (20)

PDF
Website Design Services for Small Businesses.pdf
PDF
Time Tracking Features That Teams and Organizations Actually Need
PPTX
Why Generative AI is the Future of Content, Code & Creativity?
PDF
Autodesk AutoCAD Crack Free Download 2025
PDF
AI/ML Infra Meetup | Beyond S3's Basics: Architecting for AI-Native Data Access
PDF
Designing Intelligence for the Shop Floor.pdf
PPTX
Introduction to Windows Operating System
PDF
Complete Guide to Website Development in Malaysia for SMEs
PPTX
Monitoring Stack: Grafana, Loki & Promtail
PDF
EN-Survey-Report-SAP-LeanIX-EA-Insights-2025.pdf
PDF
MCP Security Tutorial - Beginner to Advanced
PDF
Cost to Outsource Software Development in 2025
PPTX
Embracing Complexity in Serverless! GOTO Serverless Bengaluru
DOCX
How to Use SharePoint as an ISO-Compliant Document Management System
PPTX
Log360_SIEM_Solutions Overview PPT_Feb 2020.pptx
PPTX
AMADEUS TRAVEL AGENT SOFTWARE | AMADEUS TICKETING SYSTEM
PDF
STL Containers in C++ : Sequence Container : Vector
PDF
Digital Systems & Binary Numbers (comprehensive )
PDF
EaseUS PDF Editor Pro 6.2.0.2 Crack with License Key 2025
PPTX
Advanced SystemCare Ultimate Crack + Portable (2025)
Website Design Services for Small Businesses.pdf
Time Tracking Features That Teams and Organizations Actually Need
Why Generative AI is the Future of Content, Code & Creativity?
Autodesk AutoCAD Crack Free Download 2025
AI/ML Infra Meetup | Beyond S3's Basics: Architecting for AI-Native Data Access
Designing Intelligence for the Shop Floor.pdf
Introduction to Windows Operating System
Complete Guide to Website Development in Malaysia for SMEs
Monitoring Stack: Grafana, Loki & Promtail
EN-Survey-Report-SAP-LeanIX-EA-Insights-2025.pdf
MCP Security Tutorial - Beginner to Advanced
Cost to Outsource Software Development in 2025
Embracing Complexity in Serverless! GOTO Serverless Bengaluru
How to Use SharePoint as an ISO-Compliant Document Management System
Log360_SIEM_Solutions Overview PPT_Feb 2020.pptx
AMADEUS TRAVEL AGENT SOFTWARE | AMADEUS TICKETING SYSTEM
STL Containers in C++ : Sequence Container : Vector
Digital Systems & Binary Numbers (comprehensive )
EaseUS PDF Editor Pro 6.2.0.2 Crack with License Key 2025
Advanced SystemCare Ultimate Crack + Portable (2025)

내 손 위의 딥러닝_iOS에 딥러닝 심기