SlideShare a Scribd company logo
1 of 58
Media Art with AI
인공지능 기반 미디어아트 기술과 사례
2019.2
A.DAT - Open Media Art 전시 세미나
강태욱 공학박사
Ph.D Taewook, Kang
laputa99999@gmail.com
sites.google.com/site/bimprinciple
Media Art, Maker, Ph.D.
11 books author
TK. Kang
AI
A.DAT Open Media Art
Evolution of the interest to the Google research request “deep learning”. Obtained via
Google Trends (https://trends.google.com/trends/).
AI
CNN
(convolution neural network)
Deep Learning
Feature – classification
Learning
A.DAT Open Media Art
DL – deep learning
v = W·x + b
DL
y = φ(v)
머신러닝 딥러닝 신경망 개념, 종류 및 개발
DL - convolutional neural network
DL - convolutional neural network
ConvNetJS CIFAR-10
DL - autoencoder
DL - Recurrent Neural Network & Long Short Term Memory
LSTM RNN Music Composition
DL - Generative Adversarial Network
Unsupervied Representation Learning
with Deep Convolutional Generative Adversarial Network
DL - Generative Adversarial Network
Image-to-Image Translation with Conditional Adversarial Networks
DL - Generative Adversarial Network
Image-to-Image Translation with Conditional Adversarial Networks
DL – Object Detection
DL – Object Detection
딥러닝 기반 FAST 객체 탐색 기법 -
CNN, YOLO, SSD
DL
http://www.asimovinstitute.org/neural-
network-zoo/
DL from keras.models import Sequential
import keras
import numpy as np
from keras.applications import vgg16, inception_v3, resnet50, mobilenet
#VGG 모델을 로딩함
vgg_model = vgg16.VGG16(weights='imagenet')
from keras.preprocessing.image import load_img
from keras.preprocessing.image import img_to_array
from keras.applications.imagenet_utils import decode_predictions
import matplotlib.pyplot as plt
filename = '/home/ktw/tensorflow/door1.jpg'
# 이미지 로딩. PIL format
original = load_img(filename, target_size=(224, 224))
print('PIL image size',original.size)
plt.imshow(original)
plt.show()
# PIL 이미지를 numpy 배열로 변환
# Numpy 배열 (height, width, channel)
numpy_image = img_to_array(original)
plt.imshow(np.uint8(numpy_image))
plt.show()
print('numpy array size',numpy_image.shape)
DL
# 이미지를 배치 포맷으로 변환
# 데이터 학습을 위해 특정 축에 차원 추가
# 네트워크 형태는 batchsize, height, width, channels 이 됨
image_batch = np.expand_dims(numpy_image, axis=0)
print('image batch size', image_batch.shape)
plt.imshow(np.uint8(image_batch[0]))
# 모델 준비
processed_image = vgg16.preprocess_input(image_batch.copy())
# 각 클래스 속할 확률 예측
predictions = vgg_model.predict(processed_image)
# 예측된 확률을 클래스 라벨로 변환. 상위 5개 예측된 클래스 표시
label = decode_predictions(predictions)
print(label)
from tensorflow.examples.tutorials.mnist import input_data
mnist = input_data.read_data_sets("MNIST_data/", one_hot=True)
import tensorflow as tf
x = tf.placeholder(tf.float32, [None, 784])
W = tf.Variable(tf.zeros([784, 10]))
b = tf.Variable(tf.zeros([10]))
y = tf.nn.softmax(tf.matmul(x, W) + b)
y_ = tf.placeholder(tf.float32, [None, 10])
cross_entropy = tf.reduce_mean(-tf.reduce_sum(y_ * tf.log(y),
reduction_indices=[1]))
train_step = tf.train.GradientDescentOptimizer(0.5).minimize(cross_entropy)
sess = tf.InteractiveSession()
tf.global_variables_initializer().run()
for _ in range(1000):
batch_xs, batch_ys = mnist.train.next_batch(100)
sess.run(train_step, feed_dict={x: batch_xs, y_: batch_ys})
correct_prediction = tf.equal(tf.argmax(y,1), tf.argmax(y_,1))
accuracy = tf.reduce_mean(tf.cast(correct_prediction, tf.float32))
print(sess.run(accuracy, feed_dict={x: mnist.test.images, y_:
mnist.test.labels}))
DL
DL
from keras.models import Sequential from keras.layers
import LSTM, Dense
import numpy as np
data_dim = 16
timesteps = 8
num_classes = 10 # expected input data shape: (batch_size, timesteps,
data_dim)
model = Sequential()
model.add(LSTM(32, return_sequences=True, input_shape=(timesteps,
data_dim))) # returns a sequence of vectors of dimension 32
model.add(LSTM(32, return_sequences=True)) # returns a sequence of
vectors of dimension 32 model.add(LSTM(32)) # return a single vector
of dimension 32
model.add(Dense(10, activation='softmax'))
model.compile(loss='categorical_crossentropy', optimizer='rmsprop',
metrics=['accuracy']) # Generate dummy training data x_train =
np.random.random((1000, timesteps, data_dim)) y_train =
np.random.random((1000, num_classes))
x_val = np.random.random((100, timesteps, data_dim)) y_val =
np.random.random((100, num_classes)) model.fit(x_train, y_train,
batch_size=64, epochs=5, validation_data=(x_val, y_val))
AI tools
A.DAT Open Media Art
AI
GPU
Open
data
Open
source
Collective
Intelligence
TPU
Open source
Richard Stallman
GNU's
Not Unix
‘84
OSI
SW
HW
Know
how
Data
Aca-
demy
Educa-
tion
NGO
Policy
Open source - Github
Open source
http://guswnsxodlf.github.io/software-license
GNU General Public License(GPL) 2.0
– 의무 엄격. SW 수정 및 링크 경우 소스코드 제공 의무
GNU Lesser GPL(LGPL) 2.1
– 저작권 표시. LPGL 명시. 수정한 라이브러리 소스코드 공개
Berkeley Software Distribution(BSD) License
– 소스코드 공개의무 없음. 상용 SW 무제한 사용 가능
Apache License
– BSD와 유사. 소스코드 공개의무 없음
Mozilla Public License(MPL)
– 소스코드 공개의무 없음. 수정 코드는 MPL에 의해 배포
MIT License
– 라이선스 / 저작권만 명시 조건
AI Tool - tensorflow
AI Tool - YOLO
AI Tool - YOLO
AI Tool
PointNet (2017)
AI Tool
Oxford Robotics Institute, 2017, Vote3Deep: Fast Object Detection in 3D
Point Clouds Using Efficient Convolutional Neural Networks, ICRA
AI Tool
A.DAT Open Media Art
Andrej Karpathy, 2015, The Unreasonable
Effectiveness of Recurrent Neural Networks
AI Tool
A.DAT Open Media Art
deepart.io
AI Tool
A.DAT Open Media Art
www.captionbot.ai
AI Tool
A.DAT Open Media Art
azure.microsoft.com/ko-kr/services/cognitive-
services/emotion
Open data - ImageNet
Open data - ImageNet
ImageNet Large Scale Visual Recognition Competition(ILSVRC)
Open data - ImageNet
케라스 기반 이미지 인식 딥러닝 모델 구현AlexNet, 2012
Top 5 test error
15.4%
Media Art + AI
Google Arts & CultureA.DAT Open Media Art
Media Art + AI
WDCH Dream, Refik Anadol StdudioA.DAT Open Media Art
Media Art + AI
Archive Dreaming, 2017
머신러닝 기반 170만 건 문서 처리
아카이브의 다차원 상호작용을 몰입형 설치 미디어로 표현
박물과 컨텍스트 관점에서 추억, 역사 문화를 재구성
A.DAT Open Media Art
Media Art + AI
Google’s Artists and Machine IntelligenceA.DAT Open Media Art
Media Art + AI
A.DAT Open Media Art
Deltu, 2016
'Deltu' uses two iPads to play mimicking games with a human opponent
Media Art + AI
A.DAT Open Media Art
Deep Learning Kubrick
Media Art + AI
A.DAT Open Media Art
Synthesizing Obama: Learning Lip Sync from Audio, 2017
Media Art + AI
A.DAT Open Media Art
Synthesizing Obama: Learning Lip Sync from Audio, 2017
Media Art + AI
A.DAT Open Media Art
Recognition, 2017
Media Art + AI
A.DAT Open Media Art
Portraits of Imaginary People
Media Art + AI
A.DAT Open Media Art
Kitty AI
Media Art + AI
A.DAT Open Media Art
Blade Runner—Autoencoded, 2016
Media Art + AI
A.DAT Open Media Art
flyAI, 2017
Media Art + AI
A.DAT Open Media Art
flyAI, 2017
Media Art + AI
A.DAT Open Media Art
biometric mirror, and if you were perfect?
the artist Lucy McRae in her Biometric Mirror sits us in front of a mirror of a
futuristic beauty salon where the salon itself gives us a new image of ourselves,
born of an algorithm.
Media Art + AI
A.DAT Open Media Art
entangled, an infinite small space, 2018
Future of media art
A.DAT Open Media Art
ART
AI
MR
Robotics
IoT
강태욱, 2017, 머신러닝 딥러닝 신경망 개념, 종류 및 개발
강태욱, 2018, 케라스 기반 이미지 인식 딥러닝 모델 구현
ARS Electronica Festival 2017, Media Art between Natural and Artificial Intelligence, 2017
DAVID BROWEN, FLYAI, www.dwbowen.com/flyai
Lucy Mcrae, 2019.1, Biometric Mirror
ImageNet classification with Python and Keras
Keras Tutorial : Using pre-trained Imagenet models
Models for image classification with weights trained on ImageNet
Google, 텐서플로우 메뉴얼
YOLO: real-time object detection (paper)
ConvNetJS
carpedm20.github.io/faces
Reference
A.DAT Open Media Art
Appendix - IoT
IoT – Embedded computer for prototyping
Cloud platform – MQTT, RaspberryPI, Blynk, ITFFF
Packing
Wireless
Sensor
Gateway
IoT
Control
Big data
analysis
Protocol
IoT
connection
service
A BIM ANALYSIS OF HVAC AND RADIANT COOLING SOLUTIONS, ROBERT CUBICK, 2016
KICT
Cloud platform – MQTT, RaspberryPI, Blynk, ITFFF
Packing
Wireless
Sensor
Gateway
IoT
Control
Big data
analysis
Protocol
IoT
connection
service
A BIM ANALYSIS OF HVAC AND RADIANT COOLING SOLUTIONS, ROBERT CUBICK, 2016
KICT

More Related Content

What's hot

Breaking down the AI magic of ChatGPT: A technologist's lens to its powerful ...
Breaking down the AI magic of ChatGPT: A technologist's lens to its powerful ...Breaking down the AI magic of ChatGPT: A technologist's lens to its powerful ...
Breaking down the AI magic of ChatGPT: A technologist's lens to its powerful ...rahul_net
 
Generative-AI-in-enterprise-20230615.pdf
Generative-AI-in-enterprise-20230615.pdfGenerative-AI-in-enterprise-20230615.pdf
Generative-AI-in-enterprise-20230615.pdfLiming Zhu
 
제 16회 보아즈(BOAZ) 빅데이터 컨퍼런스 - [기린그림 팀] : 사용자의 손글씨가 담긴 그림 일기 생성 서비스
제 16회 보아즈(BOAZ) 빅데이터 컨퍼런스 - [기린그림 팀] : 사용자의 손글씨가 담긴 그림 일기 생성 서비스제 16회 보아즈(BOAZ) 빅데이터 컨퍼런스 - [기린그림 팀] : 사용자의 손글씨가 담긴 그림 일기 생성 서비스
제 16회 보아즈(BOAZ) 빅데이터 컨퍼런스 - [기린그림 팀] : 사용자의 손글씨가 담긴 그림 일기 생성 서비스BOAZ Bigdata
 
The Forecast // Artificial Intelligence
The Forecast // Artificial IntelligenceThe Forecast // Artificial Intelligence
The Forecast // Artificial IntelligenceUsbek & Rica Trends
 
How Does Generative AI Actually Work? (a quick semi-technical introduction to...
How Does Generative AI Actually Work? (a quick semi-technical introduction to...How Does Generative AI Actually Work? (a quick semi-technical introduction to...
How Does Generative AI Actually Work? (a quick semi-technical introduction to...ssuser4edc93
 
Generative AI Use-cases for Enterprise - First Session
Generative AI Use-cases for Enterprise - First SessionGenerative AI Use-cases for Enterprise - First Session
Generative AI Use-cases for Enterprise - First SessionGene Leybzon
 
2023년 인공지능 서비스 트렌드
2023년 인공지능 서비스 트렌드2023년 인공지능 서비스 트렌드
2023년 인공지능 서비스 트렌드SK(주) C&C - 강병호
 
Jay Yagnik at AI Frontiers : A History Lesson on AI
Jay Yagnik at AI Frontiers : A History Lesson on AIJay Yagnik at AI Frontiers : A History Lesson on AI
Jay Yagnik at AI Frontiers : A History Lesson on AIAI Frontiers
 
How do OpenAI GPT Models Work - Misconceptions and Tips for Developers
How do OpenAI GPT Models Work - Misconceptions and Tips for DevelopersHow do OpenAI GPT Models Work - Misconceptions and Tips for Developers
How do OpenAI GPT Models Work - Misconceptions and Tips for DevelopersIvo Andreev
 
상상을 현실로 만드는, 이미지 생성 모델을 위한 엔지니어링
상상을 현실로 만드는, 이미지 생성 모델을 위한 엔지니어링상상을 현실로 만드는, 이미지 생성 모델을 위한 엔지니어링
상상을 현실로 만드는, 이미지 생성 모델을 위한 엔지니어링Taehoon Kim
 
Landscape of AI/ML in 2023
Landscape of AI/ML in 2023Landscape of AI/ML in 2023
Landscape of AI/ML in 2023HyunJoon Jung
 
제 12회 보아즈(BOAZ) 빅데이터 컨퍼런스 -꽤 GAN찮은 헤어 살롱
제 12회 보아즈(BOAZ) 빅데이터 컨퍼런스 -꽤 GAN찮은 헤어 살롱제 12회 보아즈(BOAZ) 빅데이터 컨퍼런스 -꽤 GAN찮은 헤어 살롱
제 12회 보아즈(BOAZ) 빅데이터 컨퍼런스 -꽤 GAN찮은 헤어 살롱BOAZ Bigdata
 
An Introduction to Generative AI - May 18, 2023
An Introduction  to Generative AI - May 18, 2023An Introduction  to Generative AI - May 18, 2023
An Introduction to Generative AI - May 18, 2023CoriFaklaris1
 
ChatGPT, Foundation Models and Web3.pptx
ChatGPT, Foundation Models and Web3.pptxChatGPT, Foundation Models and Web3.pptx
ChatGPT, Foundation Models and Web3.pptxJesus Rodriguez
 
Use Case Patterns for LLM Applications (1).pdf
Use Case Patterns for LLM Applications (1).pdfUse Case Patterns for LLM Applications (1).pdf
Use Case Patterns for LLM Applications (1).pdfM Waleed Kadous
 
Multiple object detection
Multiple object detectionMultiple object detection
Multiple object detectionSAURABH KUMAR
 

What's hot (20)

Breaking down the AI magic of ChatGPT: A technologist's lens to its powerful ...
Breaking down the AI magic of ChatGPT: A technologist's lens to its powerful ...Breaking down the AI magic of ChatGPT: A technologist's lens to its powerful ...
Breaking down the AI magic of ChatGPT: A technologist's lens to its powerful ...
 
Generative-AI-in-enterprise-20230615.pdf
Generative-AI-in-enterprise-20230615.pdfGenerative-AI-in-enterprise-20230615.pdf
Generative-AI-in-enterprise-20230615.pdf
 
제 16회 보아즈(BOAZ) 빅데이터 컨퍼런스 - [기린그림 팀] : 사용자의 손글씨가 담긴 그림 일기 생성 서비스
제 16회 보아즈(BOAZ) 빅데이터 컨퍼런스 - [기린그림 팀] : 사용자의 손글씨가 담긴 그림 일기 생성 서비스제 16회 보아즈(BOAZ) 빅데이터 컨퍼런스 - [기린그림 팀] : 사용자의 손글씨가 담긴 그림 일기 생성 서비스
제 16회 보아즈(BOAZ) 빅데이터 컨퍼런스 - [기린그림 팀] : 사용자의 손글씨가 담긴 그림 일기 생성 서비스
 
Data Parallel Deep Learning
Data Parallel Deep LearningData Parallel Deep Learning
Data Parallel Deep Learning
 
The Forecast // Artificial Intelligence
The Forecast // Artificial IntelligenceThe Forecast // Artificial Intelligence
The Forecast // Artificial Intelligence
 
How Does Generative AI Actually Work? (a quick semi-technical introduction to...
How Does Generative AI Actually Work? (a quick semi-technical introduction to...How Does Generative AI Actually Work? (a quick semi-technical introduction to...
How Does Generative AI Actually Work? (a quick semi-technical introduction to...
 
Content In The Age of AI
Content In The Age of AIContent In The Age of AI
Content In The Age of AI
 
Generative AI Use-cases for Enterprise - First Session
Generative AI Use-cases for Enterprise - First SessionGenerative AI Use-cases for Enterprise - First Session
Generative AI Use-cases for Enterprise - First Session
 
2023년 인공지능 서비스 트렌드
2023년 인공지능 서비스 트렌드2023년 인공지능 서비스 트렌드
2023년 인공지능 서비스 트렌드
 
Jay Yagnik at AI Frontiers : A History Lesson on AI
Jay Yagnik at AI Frontiers : A History Lesson on AIJay Yagnik at AI Frontiers : A History Lesson on AI
Jay Yagnik at AI Frontiers : A History Lesson on AI
 
How do OpenAI GPT Models Work - Misconceptions and Tips for Developers
How do OpenAI GPT Models Work - Misconceptions and Tips for DevelopersHow do OpenAI GPT Models Work - Misconceptions and Tips for Developers
How do OpenAI GPT Models Work - Misconceptions and Tips for Developers
 
상상을 현실로 만드는, 이미지 생성 모델을 위한 엔지니어링
상상을 현실로 만드는, 이미지 생성 모델을 위한 엔지니어링상상을 현실로 만드는, 이미지 생성 모델을 위한 엔지니어링
상상을 현실로 만드는, 이미지 생성 모델을 위한 엔지니어링
 
Landscape of AI/ML in 2023
Landscape of AI/ML in 2023Landscape of AI/ML in 2023
Landscape of AI/ML in 2023
 
제 12회 보아즈(BOAZ) 빅데이터 컨퍼런스 -꽤 GAN찮은 헤어 살롱
제 12회 보아즈(BOAZ) 빅데이터 컨퍼런스 -꽤 GAN찮은 헤어 살롱제 12회 보아즈(BOAZ) 빅데이터 컨퍼런스 -꽤 GAN찮은 헤어 살롱
제 12회 보아즈(BOAZ) 빅데이터 컨퍼런스 -꽤 GAN찮은 헤어 살롱
 
Transformers - Part 1
Transformers - Part 1Transformers - Part 1
Transformers - Part 1
 
An Introduction to Generative AI - May 18, 2023
An Introduction  to Generative AI - May 18, 2023An Introduction  to Generative AI - May 18, 2023
An Introduction to Generative AI - May 18, 2023
 
ChatGPT, Foundation Models and Web3.pptx
ChatGPT, Foundation Models and Web3.pptxChatGPT, Foundation Models and Web3.pptx
ChatGPT, Foundation Models and Web3.pptx
 
Intro to LLMs
Intro to LLMsIntro to LLMs
Intro to LLMs
 
Use Case Patterns for LLM Applications (1).pdf
Use Case Patterns for LLM Applications (1).pdfUse Case Patterns for LLM Applications (1).pdf
Use Case Patterns for LLM Applications (1).pdf
 
Multiple object detection
Multiple object detectionMultiple object detection
Multiple object detection
 

Similar to AI - Media Art. 인공지능과 미디어아트

Towards Secure and Interpretable AI: Scalable Methods, Interactive Visualizat...
Towards Secure and Interpretable AI: Scalable Methods, Interactive Visualizat...Towards Secure and Interpretable AI: Scalable Methods, Interactive Visualizat...
Towards Secure and Interpretable AI: Scalable Methods, Interactive Visualizat...polochau
 
Crowdsourcing & Gamification
Crowdsourcing & Gamification Crowdsourcing & Gamification
Crowdsourcing & Gamification Yefeng Liu
 
Facial expression recognition projc 2 (3) (1)
Facial expression recognition projc 2 (3) (1)Facial expression recognition projc 2 (3) (1)
Facial expression recognition projc 2 (3) (1)AbhiAchalla
 
AI in Finance: Moving forward!
AI in Finance: Moving forward!AI in Finance: Moving forward!
AI in Finance: Moving forward!Adrian Hornsby
 
Künstlich intelligent?
Künstlich intelligent?Künstlich intelligent?
Künstlich intelligent?inovex GmbH
 
Introduction to the Artificial Intelligence and Computer Vision revolution
Introduction to the Artificial Intelligence and Computer Vision revolutionIntroduction to the Artificial Intelligence and Computer Vision revolution
Introduction to the Artificial Intelligence and Computer Vision revolutionDarian Frajberg
 
20240411 QFM009 Machine Intelligence Reading List March 2024
20240411 QFM009 Machine Intelligence Reading List March 202420240411 QFM009 Machine Intelligence Reading List March 2024
20240411 QFM009 Machine Intelligence Reading List March 2024Matthew Sinclair
 
Introduction to Knowledge Graphs
Introduction to Knowledge GraphsIntroduction to Knowledge Graphs
Introduction to Knowledge Graphsmukuljoshi
 
Yuri Van Geest - Exponential Organizations
Yuri Van Geest - Exponential OrganizationsYuri Van Geest - Exponential Organizations
Yuri Van Geest - Exponential OrganizationsBAQMaR
 
Il deep learning ed una nuova generazione di AI - Simone Scardapane
Il deep learning ed una nuova generazione di AI - Simone ScardapaneIl deep learning ed una nuova generazione di AI - Simone Scardapane
Il deep learning ed una nuova generazione di AI - Simone ScardapaneData Driven Innovation
 
System for Detecting Deepfake in Videos – A Survey
System for Detecting Deepfake in Videos – A SurveySystem for Detecting Deepfake in Videos – A Survey
System for Detecting Deepfake in Videos – A SurveyIRJET Journal
 
Deep Learning Representations for All - Xavier Giro-i-Nieto - IRI Barcelona 2020
Deep Learning Representations for All - Xavier Giro-i-Nieto - IRI Barcelona 2020Deep Learning Representations for All - Xavier Giro-i-Nieto - IRI Barcelona 2020
Deep Learning Representations for All - Xavier Giro-i-Nieto - IRI Barcelona 2020Universitat Politècnica de Catalunya
 
machine learning in the age of big data: new approaches and business applicat...
machine learning in the age of big data: new approaches and business applicat...machine learning in the age of big data: new approaches and business applicat...
machine learning in the age of big data: new approaches and business applicat...Armando Vieira
 
The Evolution Of Eclipse 1. 1 )
The Evolution Of Eclipse 1. 1 )The Evolution Of Eclipse 1. 1 )
The Evolution Of Eclipse 1. 1 )Patty Buckley
 
Color Based Object Tracking with OpenCV A Survey
Color Based Object Tracking with OpenCV A SurveyColor Based Object Tracking with OpenCV A Survey
Color Based Object Tracking with OpenCV A SurveyYogeshIJTSRD
 
Ajit Jaokar, Data Science for IoT professor at Oxford University “Enterprise ...
Ajit Jaokar, Data Science for IoT professor at Oxford University “Enterprise ...Ajit Jaokar, Data Science for IoT professor at Oxford University “Enterprise ...
Ajit Jaokar, Data Science for IoT professor at Oxford University “Enterprise ...Dataconomy Media
 
An introduction to computer vision with Hugging Face
An introduction to computer vision with Hugging FaceAn introduction to computer vision with Hugging Face
An introduction to computer vision with Hugging FaceJulien SIMON
 
UX for Artificial Intelligence / UXcamp Europe '17 / Berlin / Jan Korsanke
UX for Artificial Intelligence / UXcamp Europe '17 / Berlin / Jan KorsankeUX for Artificial Intelligence / UXcamp Europe '17 / Berlin / Jan Korsanke
UX for Artificial Intelligence / UXcamp Europe '17 / Berlin / Jan KorsankeJan Korsanke
 

Similar to AI - Media Art. 인공지능과 미디어아트 (20)

Towards Secure and Interpretable AI: Scalable Methods, Interactive Visualizat...
Towards Secure and Interpretable AI: Scalable Methods, Interactive Visualizat...Towards Secure and Interpretable AI: Scalable Methods, Interactive Visualizat...
Towards Secure and Interpretable AI: Scalable Methods, Interactive Visualizat...
 
Crowdsourcing & Gamification
Crowdsourcing & Gamification Crowdsourcing & Gamification
Crowdsourcing & Gamification
 
Facial expression recognition projc 2 (3) (1)
Facial expression recognition projc 2 (3) (1)Facial expression recognition projc 2 (3) (1)
Facial expression recognition projc 2 (3) (1)
 
AI in Finance: Moving forward!
AI in Finance: Moving forward!AI in Finance: Moving forward!
AI in Finance: Moving forward!
 
Künstlich intelligent?
Künstlich intelligent?Künstlich intelligent?
Künstlich intelligent?
 
Introduction to the Artificial Intelligence and Computer Vision revolution
Introduction to the Artificial Intelligence and Computer Vision revolutionIntroduction to the Artificial Intelligence and Computer Vision revolution
Introduction to the Artificial Intelligence and Computer Vision revolution
 
20240411 QFM009 Machine Intelligence Reading List March 2024
20240411 QFM009 Machine Intelligence Reading List March 202420240411 QFM009 Machine Intelligence Reading List March 2024
20240411 QFM009 Machine Intelligence Reading List March 2024
 
Introduction to Knowledge Graphs
Introduction to Knowledge GraphsIntroduction to Knowledge Graphs
Introduction to Knowledge Graphs
 
Yuri Van Geest - Exponential Organizations
Yuri Van Geest - Exponential OrganizationsYuri Van Geest - Exponential Organizations
Yuri Van Geest - Exponential Organizations
 
Il deep learning ed una nuova generazione di AI - Simone Scardapane
Il deep learning ed una nuova generazione di AI - Simone ScardapaneIl deep learning ed una nuova generazione di AI - Simone Scardapane
Il deep learning ed una nuova generazione di AI - Simone Scardapane
 
System for Detecting Deepfake in Videos – A Survey
System for Detecting Deepfake in Videos – A SurveySystem for Detecting Deepfake in Videos – A Survey
System for Detecting Deepfake in Videos – A Survey
 
Jsai
JsaiJsai
Jsai
 
Abhishek_Mukherjee
Abhishek_MukherjeeAbhishek_Mukherjee
Abhishek_Mukherjee
 
Deep Learning Representations for All - Xavier Giro-i-Nieto - IRI Barcelona 2020
Deep Learning Representations for All - Xavier Giro-i-Nieto - IRI Barcelona 2020Deep Learning Representations for All - Xavier Giro-i-Nieto - IRI Barcelona 2020
Deep Learning Representations for All - Xavier Giro-i-Nieto - IRI Barcelona 2020
 
machine learning in the age of big data: new approaches and business applicat...
machine learning in the age of big data: new approaches and business applicat...machine learning in the age of big data: new approaches and business applicat...
machine learning in the age of big data: new approaches and business applicat...
 
The Evolution Of Eclipse 1. 1 )
The Evolution Of Eclipse 1. 1 )The Evolution Of Eclipse 1. 1 )
The Evolution Of Eclipse 1. 1 )
 
Color Based Object Tracking with OpenCV A Survey
Color Based Object Tracking with OpenCV A SurveyColor Based Object Tracking with OpenCV A Survey
Color Based Object Tracking with OpenCV A Survey
 
Ajit Jaokar, Data Science for IoT professor at Oxford University “Enterprise ...
Ajit Jaokar, Data Science for IoT professor at Oxford University “Enterprise ...Ajit Jaokar, Data Science for IoT professor at Oxford University “Enterprise ...
Ajit Jaokar, Data Science for IoT professor at Oxford University “Enterprise ...
 
An introduction to computer vision with Hugging Face
An introduction to computer vision with Hugging FaceAn introduction to computer vision with Hugging Face
An introduction to computer vision with Hugging Face
 
UX for Artificial Intelligence / UXcamp Europe '17 / Berlin / Jan Korsanke
UX for Artificial Intelligence / UXcamp Europe '17 / Berlin / Jan KorsankeUX for Artificial Intelligence / UXcamp Europe '17 / Berlin / Jan Korsanke
UX for Artificial Intelligence / UXcamp Europe '17 / Berlin / Jan Korsanke
 

More from Tae wook kang

3D 모델러 ADDIN 개발과정 요약
3D 모델러 ADDIN 개발과정 요약3D 모델러 ADDIN 개발과정 요약
3D 모델러 ADDIN 개발과정 요약Tae wook kang
 
오픈소스로 쉽게 따라해보는 Unreal과 IoT 연계 및 개발 방법 소개.pdf
오픈소스로 쉽게 따라해보는 Unreal과 IoT 연계 및 개발 방법 소개.pdf오픈소스로 쉽게 따라해보는 Unreal과 IoT 연계 및 개발 방법 소개.pdf
오픈소스로 쉽게 따라해보는 Unreal과 IoT 연계 및 개발 방법 소개.pdfTae wook kang
 
Python과 node.js기반 데이터 분석 및 가시화
Python과 node.js기반 데이터 분석 및 가시화Python과 node.js기반 데이터 분석 및 가시화
Python과 node.js기반 데이터 분석 및 가시화Tae wook kang
 
BIM 표준과 구현 (standard and development)
BIM 표준과 구현 (standard and development)BIM 표준과 구현 (standard and development)
BIM 표준과 구현 (standard and development)Tae wook kang
 
ISO 19166 BIM-GIS conceptual mapping
ISO 19166 BIM-GIS conceptual mappingISO 19166 BIM-GIS conceptual mapping
ISO 19166 BIM-GIS conceptual mappingTae wook kang
 
SBF(Scan-BIM-Field) 기반 스마트 시설물 관리 기술 개발
SBF(Scan-BIM-Field) 기반 스마트 시설물 관리 기술 개발SBF(Scan-BIM-Field) 기반 스마트 시설물 관리 기술 개발
SBF(Scan-BIM-Field) 기반 스마트 시설물 관리 기술 개발Tae wook kang
 
오픈소스 ROS기반 건설 로보틱스 기술 개발
오픈소스 ROS기반 건설 로보틱스 기술 개발오픈소스 ROS기반 건설 로보틱스 기술 개발
오픈소스 ROS기반 건설 로보틱스 기술 개발Tae wook kang
 
한국 건설 기술 전망과 건설 테크 스타트업 소개
한국 건설 기술 전망과 건설 테크 스타트업 소개한국 건설 기술 전망과 건설 테크 스타트업 소개
한국 건설 기술 전망과 건설 테크 스타트업 소개Tae wook kang
 
Coding, maker and SDP
Coding, maker and SDPCoding, maker and SDP
Coding, maker and SDPTae wook kang
 
오픈 데이터, 팹시티와 메이커
오픈 데이터, 팹시티와 메이커오픈 데이터, 팹시티와 메이커
오픈 데이터, 팹시티와 메이커Tae wook kang
 
ISO 19166 BIM to GIS conceptual mapping China (WUHAN) meeting
ISO 19166 BIM to GIS conceptual mapping China (WUHAN) meetingISO 19166 BIM to GIS conceptual mapping China (WUHAN) meeting
ISO 19166 BIM to GIS conceptual mapping China (WUHAN) meetingTae wook kang
 
건설 스타트업과 오픈소스
건설 스타트업과 오픈소스건설 스타트업과 오픈소스
건설 스타트업과 오픈소스Tae wook kang
 
블록체인 기반 건설 스마트 서비스와 계약
블록체인 기반 건설 스마트 서비스와 계약블록체인 기반 건설 스마트 서비스와 계약
블록체인 기반 건설 스마트 서비스와 계약Tae wook kang
 
4차산업혁명과 건설, 그리고 블록체인
4차산업혁명과 건설, 그리고 블록체인4차산업혁명과 건설, 그리고 블록체인
4차산업혁명과 건설, 그리고 블록체인Tae wook kang
 
Case Study about BIM on GIS platform development project with the standard model
Case Study about BIM on GIS platform development project with the standard modelCase Study about BIM on GIS platform development project with the standard model
Case Study about BIM on GIS platform development project with the standard modelTae wook kang
 
도시 인프라 공간정보 데이터 커넥션-통합 기술 표준화를 위한 ISO TC211 19166 개발 이야기
도시 인프라 공간정보 데이터 커넥션-통합 기술 표준화를 위한 ISO TC211 19166 개발 이야기 도시 인프라 공간정보 데이터 커넥션-통합 기술 표준화를 위한 ISO TC211 19166 개발 이야기
도시 인프라 공간정보 데이터 커넥션-통합 기술 표준화를 위한 ISO TC211 19166 개발 이야기 Tae wook kang
 
Smart BIM for Facility Management
Smart BIM for Facility ManagementSmart BIM for Facility Management
Smart BIM for Facility ManagementTae wook kang
 
메이커 시티와 메이커 운동 참여를 통해 얻은 것
메이커 시티와 메이커 운동 참여를 통해 얻은 것메이커 시티와 메이커 운동 참여를 통해 얻은 것
메이커 시티와 메이커 운동 참여를 통해 얻은 것Tae wook kang
 
최신 3차원 이미지 스캔 역설계 기술 전망 및 건설 활용
최신 3차원 이미지 스캔 역설계 기술 전망 및 건설 활용최신 3차원 이미지 스캔 역설계 기술 전망 및 건설 활용
최신 3차원 이미지 스캔 역설계 기술 전망 및 건설 활용Tae wook kang
 
IoT 기반 건설 지능화와 BIM
IoT 기반 건설 지능화와 BIMIoT 기반 건설 지능화와 BIM
IoT 기반 건설 지능화와 BIMTae wook kang
 

More from Tae wook kang (20)

3D 모델러 ADDIN 개발과정 요약
3D 모델러 ADDIN 개발과정 요약3D 모델러 ADDIN 개발과정 요약
3D 모델러 ADDIN 개발과정 요약
 
오픈소스로 쉽게 따라해보는 Unreal과 IoT 연계 및 개발 방법 소개.pdf
오픈소스로 쉽게 따라해보는 Unreal과 IoT 연계 및 개발 방법 소개.pdf오픈소스로 쉽게 따라해보는 Unreal과 IoT 연계 및 개발 방법 소개.pdf
오픈소스로 쉽게 따라해보는 Unreal과 IoT 연계 및 개발 방법 소개.pdf
 
Python과 node.js기반 데이터 분석 및 가시화
Python과 node.js기반 데이터 분석 및 가시화Python과 node.js기반 데이터 분석 및 가시화
Python과 node.js기반 데이터 분석 및 가시화
 
BIM 표준과 구현 (standard and development)
BIM 표준과 구현 (standard and development)BIM 표준과 구현 (standard and development)
BIM 표준과 구현 (standard and development)
 
ISO 19166 BIM-GIS conceptual mapping
ISO 19166 BIM-GIS conceptual mappingISO 19166 BIM-GIS conceptual mapping
ISO 19166 BIM-GIS conceptual mapping
 
SBF(Scan-BIM-Field) 기반 스마트 시설물 관리 기술 개발
SBF(Scan-BIM-Field) 기반 스마트 시설물 관리 기술 개발SBF(Scan-BIM-Field) 기반 스마트 시설물 관리 기술 개발
SBF(Scan-BIM-Field) 기반 스마트 시설물 관리 기술 개발
 
오픈소스 ROS기반 건설 로보틱스 기술 개발
오픈소스 ROS기반 건설 로보틱스 기술 개발오픈소스 ROS기반 건설 로보틱스 기술 개발
오픈소스 ROS기반 건설 로보틱스 기술 개발
 
한국 건설 기술 전망과 건설 테크 스타트업 소개
한국 건설 기술 전망과 건설 테크 스타트업 소개한국 건설 기술 전망과 건설 테크 스타트업 소개
한국 건설 기술 전망과 건설 테크 스타트업 소개
 
Coding, maker and SDP
Coding, maker and SDPCoding, maker and SDP
Coding, maker and SDP
 
오픈 데이터, 팹시티와 메이커
오픈 데이터, 팹시티와 메이커오픈 데이터, 팹시티와 메이커
오픈 데이터, 팹시티와 메이커
 
ISO 19166 BIM to GIS conceptual mapping China (WUHAN) meeting
ISO 19166 BIM to GIS conceptual mapping China (WUHAN) meetingISO 19166 BIM to GIS conceptual mapping China (WUHAN) meeting
ISO 19166 BIM to GIS conceptual mapping China (WUHAN) meeting
 
건설 스타트업과 오픈소스
건설 스타트업과 오픈소스건설 스타트업과 오픈소스
건설 스타트업과 오픈소스
 
블록체인 기반 건설 스마트 서비스와 계약
블록체인 기반 건설 스마트 서비스와 계약블록체인 기반 건설 스마트 서비스와 계약
블록체인 기반 건설 스마트 서비스와 계약
 
4차산업혁명과 건설, 그리고 블록체인
4차산업혁명과 건설, 그리고 블록체인4차산업혁명과 건설, 그리고 블록체인
4차산업혁명과 건설, 그리고 블록체인
 
Case Study about BIM on GIS platform development project with the standard model
Case Study about BIM on GIS platform development project with the standard modelCase Study about BIM on GIS platform development project with the standard model
Case Study about BIM on GIS platform development project with the standard model
 
도시 인프라 공간정보 데이터 커넥션-통합 기술 표준화를 위한 ISO TC211 19166 개발 이야기
도시 인프라 공간정보 데이터 커넥션-통합 기술 표준화를 위한 ISO TC211 19166 개발 이야기 도시 인프라 공간정보 데이터 커넥션-통합 기술 표준화를 위한 ISO TC211 19166 개발 이야기
도시 인프라 공간정보 데이터 커넥션-통합 기술 표준화를 위한 ISO TC211 19166 개발 이야기
 
Smart BIM for Facility Management
Smart BIM for Facility ManagementSmart BIM for Facility Management
Smart BIM for Facility Management
 
메이커 시티와 메이커 운동 참여를 통해 얻은 것
메이커 시티와 메이커 운동 참여를 통해 얻은 것메이커 시티와 메이커 운동 참여를 통해 얻은 것
메이커 시티와 메이커 운동 참여를 통해 얻은 것
 
최신 3차원 이미지 스캔 역설계 기술 전망 및 건설 활용
최신 3차원 이미지 스캔 역설계 기술 전망 및 건설 활용최신 3차원 이미지 스캔 역설계 기술 전망 및 건설 활용
최신 3차원 이미지 스캔 역설계 기술 전망 및 건설 활용
 
IoT 기반 건설 지능화와 BIM
IoT 기반 건설 지능화와 BIMIoT 기반 건설 지능화와 BIM
IoT 기반 건설 지능화와 BIM
 

Recently uploaded

(NEHA) Call Girls Ahmedabad Booking Open 8617697112 Ahmedabad Escorts
(NEHA) Call Girls Ahmedabad Booking Open 8617697112 Ahmedabad Escorts(NEHA) Call Girls Ahmedabad Booking Open 8617697112 Ahmedabad Escorts
(NEHA) Call Girls Ahmedabad Booking Open 8617697112 Ahmedabad EscortsCall girls in Ahmedabad High profile
 
RAK Call Girls Service # 971559085003 # Call Girl Service In RAK
RAK Call Girls Service # 971559085003 # Call Girl Service In RAKRAK Call Girls Service # 971559085003 # Call Girl Service In RAK
RAK Call Girls Service # 971559085003 # Call Girl Service In RAKedwardsara83
 
Hazratganj / Call Girl in Lucknow - Phone 🫗 8923113531 ☛ Escorts Service at 6...
Hazratganj / Call Girl in Lucknow - Phone 🫗 8923113531 ☛ Escorts Service at 6...Hazratganj / Call Girl in Lucknow - Phone 🫗 8923113531 ☛ Escorts Service at 6...
Hazratganj / Call Girl in Lucknow - Phone 🫗 8923113531 ☛ Escorts Service at 6...akbard9823
 
FULL ENJOY - 9953040155 Call Girls in Uttam Nagar | Delhi
FULL ENJOY - 9953040155 Call Girls in Uttam Nagar | DelhiFULL ENJOY - 9953040155 Call Girls in Uttam Nagar | Delhi
FULL ENJOY - 9953040155 Call Girls in Uttam Nagar | DelhiMalviyaNagarCallGirl
 
FULL ENJOY - 9953040155 Call Girls in Gtb Nagar | Delhi
FULL ENJOY - 9953040155 Call Girls in Gtb Nagar | DelhiFULL ENJOY - 9953040155 Call Girls in Gtb Nagar | Delhi
FULL ENJOY - 9953040155 Call Girls in Gtb Nagar | DelhiMalviyaNagarCallGirl
 
Downtown Call Girls O5O91O128O Pakistani Call Girls in Downtown
Downtown Call Girls O5O91O128O Pakistani Call Girls in DowntownDowntown Call Girls O5O91O128O Pakistani Call Girls in Downtown
Downtown Call Girls O5O91O128O Pakistani Call Girls in Downtowndajasot375
 
FULL ENJOY - 9953040155 Call Girls in New Ashok Nagar | Delhi
FULL ENJOY - 9953040155 Call Girls in New Ashok Nagar | DelhiFULL ENJOY - 9953040155 Call Girls in New Ashok Nagar | Delhi
FULL ENJOY - 9953040155 Call Girls in New Ashok Nagar | DelhiMalviyaNagarCallGirl
 
FULL ENJOY - 9953040155 Call Girls in Paschim Vihar | Delhi
FULL ENJOY - 9953040155 Call Girls in Paschim Vihar | DelhiFULL ENJOY - 9953040155 Call Girls in Paschim Vihar | Delhi
FULL ENJOY - 9953040155 Call Girls in Paschim Vihar | DelhiMalviyaNagarCallGirl
 
Lucknow 💋 Escorts Service Lucknow Phone No 8923113531 Elite Escort Service Av...
Lucknow 💋 Escorts Service Lucknow Phone No 8923113531 Elite Escort Service Av...Lucknow 💋 Escorts Service Lucknow Phone No 8923113531 Elite Escort Service Av...
Lucknow 💋 Escorts Service Lucknow Phone No 8923113531 Elite Escort Service Av...anilsa9823
 
Turn Lock Take Key Storyboard Daniel Johnson
Turn Lock Take Key Storyboard Daniel JohnsonTurn Lock Take Key Storyboard Daniel Johnson
Turn Lock Take Key Storyboard Daniel Johnsonthephillipta
 
Bridge Fight Board by Daniel Johnson dtjohnsonart.com
Bridge Fight Board by Daniel Johnson dtjohnsonart.comBridge Fight Board by Daniel Johnson dtjohnsonart.com
Bridge Fight Board by Daniel Johnson dtjohnsonart.comthephillipta
 
Islamabad Call Girls # 03091665556 # Call Girls in Islamabad | Islamabad Escorts
Islamabad Call Girls # 03091665556 # Call Girls in Islamabad | Islamabad EscortsIslamabad Call Girls # 03091665556 # Call Girls in Islamabad | Islamabad Escorts
Islamabad Call Girls # 03091665556 # Call Girls in Islamabad | Islamabad Escortswdefrd
 
Bur Dubai Call Girls O58993O4O2 Call Girls in Bur Dubai
Bur Dubai Call Girls O58993O4O2 Call Girls in Bur DubaiBur Dubai Call Girls O58993O4O2 Call Girls in Bur Dubai
Bur Dubai Call Girls O58993O4O2 Call Girls in Bur Dubaidajasot375
 
FULL ENJOY - 9953040155 Call Girls in Laxmi Nagar | Delhi
FULL ENJOY - 9953040155 Call Girls in Laxmi Nagar | DelhiFULL ENJOY - 9953040155 Call Girls in Laxmi Nagar | Delhi
FULL ENJOY - 9953040155 Call Girls in Laxmi Nagar | DelhiMalviyaNagarCallGirl
 
exhuma plot and synopsis from the exhuma movie.pptx
exhuma plot and synopsis from the exhuma movie.pptxexhuma plot and synopsis from the exhuma movie.pptx
exhuma plot and synopsis from the exhuma movie.pptxKurikulumPenilaian
 
Patrakarpuram ) Cheap Call Girls In Lucknow (Adult Only) 🧈 8923113531 𓀓 Esco...
Patrakarpuram ) Cheap Call Girls In Lucknow  (Adult Only) 🧈 8923113531 𓀓 Esco...Patrakarpuram ) Cheap Call Girls In Lucknow  (Adult Only) 🧈 8923113531 𓀓 Esco...
Patrakarpuram ) Cheap Call Girls In Lucknow (Adult Only) 🧈 8923113531 𓀓 Esco...akbard9823
 
FULL ENJOY - 9953040155 Call Girls in Old Rajendra Nagar | Delhi
FULL ENJOY - 9953040155 Call Girls in Old Rajendra Nagar | DelhiFULL ENJOY - 9953040155 Call Girls in Old Rajendra Nagar | Delhi
FULL ENJOY - 9953040155 Call Girls in Old Rajendra Nagar | DelhiMalviyaNagarCallGirl
 
Islamabad Escorts # 03080115551 # Escorts in Islamabad || Call Girls in Islam...
Islamabad Escorts # 03080115551 # Escorts in Islamabad || Call Girls in Islam...Islamabad Escorts # 03080115551 # Escorts in Islamabad || Call Girls in Islam...
Islamabad Escorts # 03080115551 # Escorts in Islamabad || Call Girls in Islam...wdefrd
 
Charbagh / best call girls in Lucknow - Book 🥤 8923113531 🪗 Call Girls Availa...
Charbagh / best call girls in Lucknow - Book 🥤 8923113531 🪗 Call Girls Availa...Charbagh / best call girls in Lucknow - Book 🥤 8923113531 🪗 Call Girls Availa...
Charbagh / best call girls in Lucknow - Book 🥤 8923113531 🪗 Call Girls Availa...gurkirankumar98700
 

Recently uploaded (20)

(NEHA) Call Girls Ahmedabad Booking Open 8617697112 Ahmedabad Escorts
(NEHA) Call Girls Ahmedabad Booking Open 8617697112 Ahmedabad Escorts(NEHA) Call Girls Ahmedabad Booking Open 8617697112 Ahmedabad Escorts
(NEHA) Call Girls Ahmedabad Booking Open 8617697112 Ahmedabad Escorts
 
RAK Call Girls Service # 971559085003 # Call Girl Service In RAK
RAK Call Girls Service # 971559085003 # Call Girl Service In RAKRAK Call Girls Service # 971559085003 # Call Girl Service In RAK
RAK Call Girls Service # 971559085003 # Call Girl Service In RAK
 
Hazratganj / Call Girl in Lucknow - Phone 🫗 8923113531 ☛ Escorts Service at 6...
Hazratganj / Call Girl in Lucknow - Phone 🫗 8923113531 ☛ Escorts Service at 6...Hazratganj / Call Girl in Lucknow - Phone 🫗 8923113531 ☛ Escorts Service at 6...
Hazratganj / Call Girl in Lucknow - Phone 🫗 8923113531 ☛ Escorts Service at 6...
 
FULL ENJOY - 9953040155 Call Girls in Uttam Nagar | Delhi
FULL ENJOY - 9953040155 Call Girls in Uttam Nagar | DelhiFULL ENJOY - 9953040155 Call Girls in Uttam Nagar | Delhi
FULL ENJOY - 9953040155 Call Girls in Uttam Nagar | Delhi
 
FULL ENJOY - 9953040155 Call Girls in Gtb Nagar | Delhi
FULL ENJOY - 9953040155 Call Girls in Gtb Nagar | DelhiFULL ENJOY - 9953040155 Call Girls in Gtb Nagar | Delhi
FULL ENJOY - 9953040155 Call Girls in Gtb Nagar | Delhi
 
Downtown Call Girls O5O91O128O Pakistani Call Girls in Downtown
Downtown Call Girls O5O91O128O Pakistani Call Girls in DowntownDowntown Call Girls O5O91O128O Pakistani Call Girls in Downtown
Downtown Call Girls O5O91O128O Pakistani Call Girls in Downtown
 
FULL ENJOY - 9953040155 Call Girls in New Ashok Nagar | Delhi
FULL ENJOY - 9953040155 Call Girls in New Ashok Nagar | DelhiFULL ENJOY - 9953040155 Call Girls in New Ashok Nagar | Delhi
FULL ENJOY - 9953040155 Call Girls in New Ashok Nagar | Delhi
 
Dxb Call Girls # +971529501107 # Call Girls In Dxb Dubai || (UAE)
Dxb Call Girls # +971529501107 # Call Girls In Dxb Dubai || (UAE)Dxb Call Girls # +971529501107 # Call Girls In Dxb Dubai || (UAE)
Dxb Call Girls # +971529501107 # Call Girls In Dxb Dubai || (UAE)
 
FULL ENJOY - 9953040155 Call Girls in Paschim Vihar | Delhi
FULL ENJOY - 9953040155 Call Girls in Paschim Vihar | DelhiFULL ENJOY - 9953040155 Call Girls in Paschim Vihar | Delhi
FULL ENJOY - 9953040155 Call Girls in Paschim Vihar | Delhi
 
Lucknow 💋 Escorts Service Lucknow Phone No 8923113531 Elite Escort Service Av...
Lucknow 💋 Escorts Service Lucknow Phone No 8923113531 Elite Escort Service Av...Lucknow 💋 Escorts Service Lucknow Phone No 8923113531 Elite Escort Service Av...
Lucknow 💋 Escorts Service Lucknow Phone No 8923113531 Elite Escort Service Av...
 
Turn Lock Take Key Storyboard Daniel Johnson
Turn Lock Take Key Storyboard Daniel JohnsonTurn Lock Take Key Storyboard Daniel Johnson
Turn Lock Take Key Storyboard Daniel Johnson
 
Bridge Fight Board by Daniel Johnson dtjohnsonart.com
Bridge Fight Board by Daniel Johnson dtjohnsonart.comBridge Fight Board by Daniel Johnson dtjohnsonart.com
Bridge Fight Board by Daniel Johnson dtjohnsonart.com
 
Islamabad Call Girls # 03091665556 # Call Girls in Islamabad | Islamabad Escorts
Islamabad Call Girls # 03091665556 # Call Girls in Islamabad | Islamabad EscortsIslamabad Call Girls # 03091665556 # Call Girls in Islamabad | Islamabad Escorts
Islamabad Call Girls # 03091665556 # Call Girls in Islamabad | Islamabad Escorts
 
Bur Dubai Call Girls O58993O4O2 Call Girls in Bur Dubai
Bur Dubai Call Girls O58993O4O2 Call Girls in Bur DubaiBur Dubai Call Girls O58993O4O2 Call Girls in Bur Dubai
Bur Dubai Call Girls O58993O4O2 Call Girls in Bur Dubai
 
FULL ENJOY - 9953040155 Call Girls in Laxmi Nagar | Delhi
FULL ENJOY - 9953040155 Call Girls in Laxmi Nagar | DelhiFULL ENJOY - 9953040155 Call Girls in Laxmi Nagar | Delhi
FULL ENJOY - 9953040155 Call Girls in Laxmi Nagar | Delhi
 
exhuma plot and synopsis from the exhuma movie.pptx
exhuma plot and synopsis from the exhuma movie.pptxexhuma plot and synopsis from the exhuma movie.pptx
exhuma plot and synopsis from the exhuma movie.pptx
 
Patrakarpuram ) Cheap Call Girls In Lucknow (Adult Only) 🧈 8923113531 𓀓 Esco...
Patrakarpuram ) Cheap Call Girls In Lucknow  (Adult Only) 🧈 8923113531 𓀓 Esco...Patrakarpuram ) Cheap Call Girls In Lucknow  (Adult Only) 🧈 8923113531 𓀓 Esco...
Patrakarpuram ) Cheap Call Girls In Lucknow (Adult Only) 🧈 8923113531 𓀓 Esco...
 
FULL ENJOY - 9953040155 Call Girls in Old Rajendra Nagar | Delhi
FULL ENJOY - 9953040155 Call Girls in Old Rajendra Nagar | DelhiFULL ENJOY - 9953040155 Call Girls in Old Rajendra Nagar | Delhi
FULL ENJOY - 9953040155 Call Girls in Old Rajendra Nagar | Delhi
 
Islamabad Escorts # 03080115551 # Escorts in Islamabad || Call Girls in Islam...
Islamabad Escorts # 03080115551 # Escorts in Islamabad || Call Girls in Islam...Islamabad Escorts # 03080115551 # Escorts in Islamabad || Call Girls in Islam...
Islamabad Escorts # 03080115551 # Escorts in Islamabad || Call Girls in Islam...
 
Charbagh / best call girls in Lucknow - Book 🥤 8923113531 🪗 Call Girls Availa...
Charbagh / best call girls in Lucknow - Book 🥤 8923113531 🪗 Call Girls Availa...Charbagh / best call girls in Lucknow - Book 🥤 8923113531 🪗 Call Girls Availa...
Charbagh / best call girls in Lucknow - Book 🥤 8923113531 🪗 Call Girls Availa...
 

AI - Media Art. 인공지능과 미디어아트

  • 1. Media Art with AI 인공지능 기반 미디어아트 기술과 사례 2019.2 A.DAT - Open Media Art 전시 세미나 강태욱 공학박사 Ph.D Taewook, Kang laputa99999@gmail.com sites.google.com/site/bimprinciple
  • 2. Media Art, Maker, Ph.D. 11 books author TK. Kang
  • 3. AI A.DAT Open Media Art Evolution of the interest to the Google research request “deep learning”. Obtained via Google Trends (https://trends.google.com/trends/).
  • 4. AI CNN (convolution neural network) Deep Learning Feature – classification Learning A.DAT Open Media Art
  • 5. DL – deep learning v = W·x + b
  • 6. DL y = φ(v) 머신러닝 딥러닝 신경망 개념, 종류 및 개발
  • 7. DL - convolutional neural network
  • 8. DL - convolutional neural network ConvNetJS CIFAR-10
  • 10. DL - Recurrent Neural Network & Long Short Term Memory LSTM RNN Music Composition
  • 11. DL - Generative Adversarial Network Unsupervied Representation Learning with Deep Convolutional Generative Adversarial Network
  • 12. DL - Generative Adversarial Network Image-to-Image Translation with Conditional Adversarial Networks
  • 13. DL - Generative Adversarial Network Image-to-Image Translation with Conditional Adversarial Networks
  • 14. DL – Object Detection
  • 15. DL – Object Detection 딥러닝 기반 FAST 객체 탐색 기법 - CNN, YOLO, SSD
  • 17. DL from keras.models import Sequential import keras import numpy as np from keras.applications import vgg16, inception_v3, resnet50, mobilenet #VGG 모델을 로딩함 vgg_model = vgg16.VGG16(weights='imagenet') from keras.preprocessing.image import load_img from keras.preprocessing.image import img_to_array from keras.applications.imagenet_utils import decode_predictions import matplotlib.pyplot as plt filename = '/home/ktw/tensorflow/door1.jpg' # 이미지 로딩. PIL format original = load_img(filename, target_size=(224, 224)) print('PIL image size',original.size) plt.imshow(original) plt.show() # PIL 이미지를 numpy 배열로 변환 # Numpy 배열 (height, width, channel) numpy_image = img_to_array(original) plt.imshow(np.uint8(numpy_image)) plt.show() print('numpy array size',numpy_image.shape)
  • 18. DL # 이미지를 배치 포맷으로 변환 # 데이터 학습을 위해 특정 축에 차원 추가 # 네트워크 형태는 batchsize, height, width, channels 이 됨 image_batch = np.expand_dims(numpy_image, axis=0) print('image batch size', image_batch.shape) plt.imshow(np.uint8(image_batch[0])) # 모델 준비 processed_image = vgg16.preprocess_input(image_batch.copy()) # 각 클래스 속할 확률 예측 predictions = vgg_model.predict(processed_image) # 예측된 확률을 클래스 라벨로 변환. 상위 5개 예측된 클래스 표시 label = decode_predictions(predictions) print(label)
  • 19. from tensorflow.examples.tutorials.mnist import input_data mnist = input_data.read_data_sets("MNIST_data/", one_hot=True) import tensorflow as tf x = tf.placeholder(tf.float32, [None, 784]) W = tf.Variable(tf.zeros([784, 10])) b = tf.Variable(tf.zeros([10])) y = tf.nn.softmax(tf.matmul(x, W) + b) y_ = tf.placeholder(tf.float32, [None, 10]) cross_entropy = tf.reduce_mean(-tf.reduce_sum(y_ * tf.log(y), reduction_indices=[1])) train_step = tf.train.GradientDescentOptimizer(0.5).minimize(cross_entropy) sess = tf.InteractiveSession() tf.global_variables_initializer().run() for _ in range(1000): batch_xs, batch_ys = mnist.train.next_batch(100) sess.run(train_step, feed_dict={x: batch_xs, y_: batch_ys}) correct_prediction = tf.equal(tf.argmax(y,1), tf.argmax(y_,1)) accuracy = tf.reduce_mean(tf.cast(correct_prediction, tf.float32)) print(sess.run(accuracy, feed_dict={x: mnist.test.images, y_: mnist.test.labels})) DL
  • 20. DL from keras.models import Sequential from keras.layers import LSTM, Dense import numpy as np data_dim = 16 timesteps = 8 num_classes = 10 # expected input data shape: (batch_size, timesteps, data_dim) model = Sequential() model.add(LSTM(32, return_sequences=True, input_shape=(timesteps, data_dim))) # returns a sequence of vectors of dimension 32 model.add(LSTM(32, return_sequences=True)) # returns a sequence of vectors of dimension 32 model.add(LSTM(32)) # return a single vector of dimension 32 model.add(Dense(10, activation='softmax')) model.compile(loss='categorical_crossentropy', optimizer='rmsprop', metrics=['accuracy']) # Generate dummy training data x_train = np.random.random((1000, timesteps, data_dim)) y_train = np.random.random((1000, num_classes)) x_val = np.random.random((100, timesteps, data_dim)) y_val = np.random.random((100, num_classes)) model.fit(x_train, y_train, batch_size=64, epochs=5, validation_data=(x_val, y_val))
  • 21. AI tools A.DAT Open Media Art AI GPU Open data Open source Collective Intelligence TPU
  • 22. Open source Richard Stallman GNU's Not Unix ‘84 OSI SW HW Know how Data Aca- demy Educa- tion NGO Policy
  • 23. Open source - Github
  • 24. Open source http://guswnsxodlf.github.io/software-license GNU General Public License(GPL) 2.0 – 의무 엄격. SW 수정 및 링크 경우 소스코드 제공 의무 GNU Lesser GPL(LGPL) 2.1 – 저작권 표시. LPGL 명시. 수정한 라이브러리 소스코드 공개 Berkeley Software Distribution(BSD) License – 소스코드 공개의무 없음. 상용 SW 무제한 사용 가능 Apache License – BSD와 유사. 소스코드 공개의무 없음 Mozilla Public License(MPL) – 소스코드 공개의무 없음. 수정 코드는 MPL에 의해 배포 MIT License – 라이선스 / 저작권만 명시 조건
  • 25. AI Tool - tensorflow
  • 26. AI Tool - YOLO
  • 27. AI Tool - YOLO
  • 29. AI Tool Oxford Robotics Institute, 2017, Vote3Deep: Fast Object Detection in 3D Point Clouds Using Efficient Convolutional Neural Networks, ICRA
  • 30. AI Tool A.DAT Open Media Art Andrej Karpathy, 2015, The Unreasonable Effectiveness of Recurrent Neural Networks
  • 31. AI Tool A.DAT Open Media Art deepart.io
  • 32. AI Tool A.DAT Open Media Art www.captionbot.ai
  • 33. AI Tool A.DAT Open Media Art azure.microsoft.com/ko-kr/services/cognitive- services/emotion
  • 34. Open data - ImageNet
  • 35. Open data - ImageNet ImageNet Large Scale Visual Recognition Competition(ILSVRC)
  • 36. Open data - ImageNet 케라스 기반 이미지 인식 딥러닝 모델 구현AlexNet, 2012 Top 5 test error 15.4%
  • 37. Media Art + AI Google Arts & CultureA.DAT Open Media Art
  • 38. Media Art + AI WDCH Dream, Refik Anadol StdudioA.DAT Open Media Art
  • 39. Media Art + AI Archive Dreaming, 2017 머신러닝 기반 170만 건 문서 처리 아카이브의 다차원 상호작용을 몰입형 설치 미디어로 표현 박물과 컨텍스트 관점에서 추억, 역사 문화를 재구성 A.DAT Open Media Art
  • 40. Media Art + AI Google’s Artists and Machine IntelligenceA.DAT Open Media Art
  • 41. Media Art + AI A.DAT Open Media Art Deltu, 2016 'Deltu' uses two iPads to play mimicking games with a human opponent
  • 42. Media Art + AI A.DAT Open Media Art Deep Learning Kubrick
  • 43. Media Art + AI A.DAT Open Media Art Synthesizing Obama: Learning Lip Sync from Audio, 2017
  • 44. Media Art + AI A.DAT Open Media Art Synthesizing Obama: Learning Lip Sync from Audio, 2017
  • 45. Media Art + AI A.DAT Open Media Art Recognition, 2017
  • 46. Media Art + AI A.DAT Open Media Art Portraits of Imaginary People
  • 47. Media Art + AI A.DAT Open Media Art Kitty AI
  • 48. Media Art + AI A.DAT Open Media Art Blade Runner—Autoencoded, 2016
  • 49. Media Art + AI A.DAT Open Media Art flyAI, 2017
  • 50. Media Art + AI A.DAT Open Media Art flyAI, 2017
  • 51. Media Art + AI A.DAT Open Media Art biometric mirror, and if you were perfect? the artist Lucy McRae in her Biometric Mirror sits us in front of a mirror of a futuristic beauty salon where the salon itself gives us a new image of ourselves, born of an algorithm.
  • 52. Media Art + AI A.DAT Open Media Art entangled, an infinite small space, 2018
  • 53. Future of media art A.DAT Open Media Art ART AI MR Robotics IoT
  • 54. 강태욱, 2017, 머신러닝 딥러닝 신경망 개념, 종류 및 개발 강태욱, 2018, 케라스 기반 이미지 인식 딥러닝 모델 구현 ARS Electronica Festival 2017, Media Art between Natural and Artificial Intelligence, 2017 DAVID BROWEN, FLYAI, www.dwbowen.com/flyai Lucy Mcrae, 2019.1, Biometric Mirror ImageNet classification with Python and Keras Keras Tutorial : Using pre-trained Imagenet models Models for image classification with weights trained on ImageNet Google, 텐서플로우 메뉴얼 YOLO: real-time object detection (paper) ConvNetJS carpedm20.github.io/faces Reference A.DAT Open Media Art
  • 56. IoT – Embedded computer for prototyping
  • 57. Cloud platform – MQTT, RaspberryPI, Blynk, ITFFF Packing Wireless Sensor Gateway IoT Control Big data analysis Protocol IoT connection service A BIM ANALYSIS OF HVAC AND RADIANT COOLING SOLUTIONS, ROBERT CUBICK, 2016 KICT
  • 58. Cloud platform – MQTT, RaspberryPI, Blynk, ITFFF Packing Wireless Sensor Gateway IoT Control Big data analysis Protocol IoT connection service A BIM ANALYSIS OF HVAC AND RADIANT COOLING SOLUTIONS, ROBERT CUBICK, 2016 KICT