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

Explaining Black-Box Machine Learning Predictions - Sameer Singh, Assistant P...
Explaining Black-Box Machine Learning Predictions - Sameer Singh, Assistant P...Explaining Black-Box Machine Learning Predictions - Sameer Singh, Assistant P...
Explaining Black-Box Machine Learning Predictions - Sameer Singh, Assistant P...
Sri Ambati
 

What's hot (20)

Prompt Engineering
Prompt EngineeringPrompt Engineering
Prompt Engineering
 
LanGCHAIN Framework
LanGCHAIN FrameworkLanGCHAIN Framework
LanGCHAIN Framework
 
Creative AI & multimodality: looking ahead
Creative AI & multimodality: looking aheadCreative AI & multimodality: looking ahead
Creative AI & multimodality: looking ahead
 
Generative AI Risks & Concerns
Generative AI Risks & ConcernsGenerative AI Risks & Concerns
Generative AI Risks & Concerns
 
ChatGPT, Foundation Models and Web3.pptx
ChatGPT, Foundation Models and Web3.pptxChatGPT, Foundation Models and Web3.pptx
ChatGPT, Foundation Models and Web3.pptx
 
Generative AI
Generative AIGenerative AI
Generative AI
 
Generative AI: Past, Present, and Future – A Practitioner's Perspective
Generative AI: Past, Present, and Future – A Practitioner's PerspectiveGenerative AI: Past, Present, and Future – A Practitioner's Perspective
Generative AI: Past, Present, and Future – A Practitioner's Perspective
 
Why you should care about synthetic data
Why you should care about synthetic dataWhy you should care about synthetic data
Why you should care about synthetic data
 
How ChatGPT and AI-assisted coding changes software engineering profoundly
How ChatGPT and AI-assisted coding changes software engineering profoundlyHow ChatGPT and AI-assisted coding changes software engineering profoundly
How ChatGPT and AI-assisted coding changes software engineering profoundly
 
The Future of AI is Generative not Discriminative 5/26/2021
The Future of AI is Generative not Discriminative 5/26/2021The Future of AI is Generative not Discriminative 5/26/2021
The Future of AI is Generative not Discriminative 5/26/2021
 
LLMs Bootcamp
LLMs BootcampLLMs Bootcamp
LLMs Bootcamp
 
OpenAccessGPT
OpenAccessGPTOpenAccessGPT
OpenAccessGPT
 
AI and ML Series - Introduction to Generative AI and LLMs - Session 1
AI and ML Series - Introduction to Generative AI and LLMs - Session 1AI and ML Series - Introduction to Generative AI and LLMs - Session 1
AI and ML Series - Introduction to Generative AI and LLMs - Session 1
 
Responsible/Trustworthy AI in the Era of Foundation Models
Responsible/Trustworthy AI in the Era of Foundation Models Responsible/Trustworthy AI in the Era of Foundation Models
Responsible/Trustworthy AI in the Era of Foundation Models
 
State of mago3D, An Open Source Based Digital Twin Platform
State of mago3D, An Open Source Based Digital Twin PlatformState of mago3D, An Open Source Based Digital Twin Platform
State of mago3D, An Open Source Based Digital Twin Platform
 
Explaining Black-Box Machine Learning Predictions - Sameer Singh, Assistant P...
Explaining Black-Box Machine Learning Predictions - Sameer Singh, Assistant P...Explaining Black-Box Machine Learning Predictions - Sameer Singh, Assistant P...
Explaining Black-Box Machine Learning Predictions - Sameer Singh, Assistant P...
 
What Is GPT-3 And Why Is It Revolutionizing Artificial Intelligence?
What Is GPT-3 And Why Is It Revolutionizing Artificial Intelligence?What Is GPT-3 And Why Is It Revolutionizing Artificial Intelligence?
What Is GPT-3 And Why Is It Revolutionizing Artificial Intelligence?
 
Mother of Language`s Langchain
Mother of Language`s LangchainMother of Language`s Langchain
Mother of Language`s Langchain
 
The Top Trends in Artificial Intelligence
The Top Trends in Artificial IntelligenceThe Top Trends in Artificial Intelligence
The Top Trends in Artificial Intelligence
 
Responsible AI
Responsible AIResponsible AI
Responsible AI
 

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
 
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
YogeshIJTSRD
 

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

오픈소스로 쉽게 따라해보는 Unreal과 IoT 연계 및 개발 방법 소개.pdf
오픈소스로 쉽게 따라해보는 Unreal과 IoT 연계 및 개발 방법 소개.pdf오픈소스로 쉽게 따라해보는 Unreal과 IoT 연계 및 개발 방법 소개.pdf
오픈소스로 쉽게 따라해보는 Unreal과 IoT 연계 및 개발 방법 소개.pdf
Tae 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
 
메이커 시티와 메이커 운동 참여를 통해 얻은 것
메이커 시티와 메이커 운동 참여를 통해 얻은 것메이커 시티와 메이커 운동 참여를 통해 얻은 것
메이커 시티와 메이커 운동 참여를 통해 얻은 것
 
IoT 기반 건설 지능화와 BIM
IoT 기반 건설 지능화와 BIMIoT 기반 건설 지능화와 BIM
IoT 기반 건설 지능화와 BIM
 
스마트시티 프레임웍과 기술분류체계
스마트시티 프레임웍과 기술분류체계스마트시티 프레임웍과 기술분류체계
스마트시티 프레임웍과 기술분류체계
 

Recently uploaded

FULL NIGHT — 9999894380 Call Girls In Mahipalpur | Delhi
FULL NIGHT — 9999894380 Call Girls In Mahipalpur | DelhiFULL NIGHT — 9999894380 Call Girls In Mahipalpur | Delhi
FULL NIGHT — 9999894380 Call Girls In Mahipalpur | Delhi
SaketCallGirlsCallUs
 
Dubai Call Girls Service # +971588046679 # Call Girls Service In Dubai # (UAE)
Dubai Call Girls Service # +971588046679 # Call Girls Service In Dubai # (UAE)Dubai Call Girls Service # +971588046679 # Call Girls Service In Dubai # (UAE)
Dubai Call Girls Service # +971588046679 # Call Girls Service In Dubai # (UAE)
Business Bay Call Girls || 0529877582 || Call Girls Service in Business Bay Dubai
 
FULL NIGHT — 9999894380 Call Girls In Dwarka Mor | Delhi
FULL NIGHT — 9999894380 Call Girls In Dwarka Mor | DelhiFULL NIGHT — 9999894380 Call Girls In Dwarka Mor | Delhi
FULL NIGHT — 9999894380 Call Girls In Dwarka Mor | Delhi
SaketCallGirlsCallUs
 
FULL NIGHT — 9999894380 Call Girls In Kishangarh | Delhi
FULL NIGHT — 9999894380 Call Girls In Kishangarh | DelhiFULL NIGHT — 9999894380 Call Girls In Kishangarh | Delhi
FULL NIGHT — 9999894380 Call Girls In Kishangarh | Delhi
SaketCallGirlsCallUs
 
FULL NIGHT — 9999894380 Call Girls In Paschim Vihar | Delhi
FULL NIGHT — 9999894380 Call Girls In  Paschim Vihar | DelhiFULL NIGHT — 9999894380 Call Girls In  Paschim Vihar | Delhi
FULL NIGHT — 9999894380 Call Girls In Paschim Vihar | Delhi
SaketCallGirlsCallUs
 
FULL NIGHT — 9999894380 Call Girls In Patel Nagar | Delhi
FULL NIGHT — 9999894380 Call Girls In Patel Nagar | DelhiFULL NIGHT — 9999894380 Call Girls In Patel Nagar | Delhi
FULL NIGHT — 9999894380 Call Girls In Patel Nagar | Delhi
SaketCallGirlsCallUs
 
DELHI NCR —@9711106444 Call Girls In Majnu Ka Tilla (MT)| Delhi
DELHI NCR —@9711106444 Call Girls In Majnu Ka Tilla (MT)| DelhiDELHI NCR —@9711106444 Call Girls In Majnu Ka Tilla (MT)| Delhi
DELHI NCR —@9711106444 Call Girls In Majnu Ka Tilla (MT)| Delhi
delhimunirka444
 
❤️Call girls in Chandigarh ☎️8264406502☎️ Call Girl service in Chandigarh☎️ C...
❤️Call girls in Chandigarh ☎️8264406502☎️ Call Girl service in Chandigarh☎️ C...❤️Call girls in Chandigarh ☎️8264406502☎️ Call Girl service in Chandigarh☎️ C...
❤️Call girls in Chandigarh ☎️8264406502☎️ Call Girl service in Chandigarh☎️ C...
Sheetaleventcompany
 
FULL NIGHT — 9999894380 Call Girls In New Ashok Nagar | Delhi
FULL NIGHT — 9999894380 Call Girls In New Ashok Nagar | DelhiFULL NIGHT — 9999894380 Call Girls In New Ashok Nagar | Delhi
FULL NIGHT — 9999894380 Call Girls In New Ashok Nagar | Delhi
SaketCallGirlsCallUs
 
FULL NIGHT — 9999894380 Call Girls In Badarpur | Delhi
FULL NIGHT — 9999894380 Call Girls In Badarpur | DelhiFULL NIGHT — 9999894380 Call Girls In Badarpur | Delhi
FULL NIGHT — 9999894380 Call Girls In Badarpur | Delhi
SaketCallGirlsCallUs
 
Museum of fine arts Lauren Simpson…………..
Museum of fine arts Lauren Simpson…………..Museum of fine arts Lauren Simpson…………..
Museum of fine arts Lauren Simpson…………..
mvxpw22gfc
 
Dubai Call Girl Number # 00971588312479 # Call Girl Number In Dubai # (UAE)
Dubai Call Girl Number # 00971588312479 # Call Girl Number In Dubai # (UAE)Dubai Call Girl Number # 00971588312479 # Call Girl Number In Dubai # (UAE)
Dubai Call Girl Number # 00971588312479 # Call Girl Number In Dubai # (UAE)
Business Bay Call Girls || 0529877582 || Call Girls Service in Business Bay Dubai
 
UAE Call Girls # 971526940039 # Independent Call Girls In Dubai # (UAE)
UAE Call Girls # 971526940039 # Independent Call Girls In Dubai # (UAE)UAE Call Girls # 971526940039 # Independent Call Girls In Dubai # (UAE)
UAE Call Girls # 971526940039 # Independent Call Girls In Dubai # (UAE)
Business Bay Call Girls || 0529877582 || Call Girls Service in Business Bay Dubai
 

Recently uploaded (20)

FULL NIGHT — 9999894380 Call Girls In Mahipalpur | Delhi
FULL NIGHT — 9999894380 Call Girls In Mahipalpur | DelhiFULL NIGHT — 9999894380 Call Girls In Mahipalpur | Delhi
FULL NIGHT — 9999894380 Call Girls In Mahipalpur | Delhi
 
8377087607, Door Step Call Girls In Kalkaji (Locanto) 24/7 Available
8377087607, Door Step Call Girls In Kalkaji (Locanto) 24/7 Available8377087607, Door Step Call Girls In Kalkaji (Locanto) 24/7 Available
8377087607, Door Step Call Girls In Kalkaji (Locanto) 24/7 Available
 
Completed Event Presentation for Huma 1305
Completed Event Presentation for Huma 1305Completed Event Presentation for Huma 1305
Completed Event Presentation for Huma 1305
 
Barasat call girls 📞 8617697112 At Low Cost Cash Payment Booking
Barasat call girls 📞 8617697112 At Low Cost Cash Payment BookingBarasat call girls 📞 8617697112 At Low Cost Cash Payment Booking
Barasat call girls 📞 8617697112 At Low Cost Cash Payment Booking
 
sources of Hindu law kdaenflkjwwfererger
sources of Hindu law kdaenflkjwwferergersources of Hindu law kdaenflkjwwfererger
sources of Hindu law kdaenflkjwwfererger
 
Dubai Call Girls Service # +971588046679 # Call Girls Service In Dubai # (UAE)
Dubai Call Girls Service # +971588046679 # Call Girls Service In Dubai # (UAE)Dubai Call Girls Service # +971588046679 # Call Girls Service In Dubai # (UAE)
Dubai Call Girls Service # +971588046679 # Call Girls Service In Dubai # (UAE)
 
FULL NIGHT — 9999894380 Call Girls In Dwarka Mor | Delhi
FULL NIGHT — 9999894380 Call Girls In Dwarka Mor | DelhiFULL NIGHT — 9999894380 Call Girls In Dwarka Mor | Delhi
FULL NIGHT — 9999894380 Call Girls In Dwarka Mor | Delhi
 
FULL NIGHT — 9999894380 Call Girls In Kishangarh | Delhi
FULL NIGHT — 9999894380 Call Girls In Kishangarh | DelhiFULL NIGHT — 9999894380 Call Girls In Kishangarh | Delhi
FULL NIGHT — 9999894380 Call Girls In Kishangarh | Delhi
 
FULL NIGHT — 9999894380 Call Girls In Paschim Vihar | Delhi
FULL NIGHT — 9999894380 Call Girls In  Paschim Vihar | DelhiFULL NIGHT — 9999894380 Call Girls In  Paschim Vihar | Delhi
FULL NIGHT — 9999894380 Call Girls In Paschim Vihar | Delhi
 
(NEHA) Call Girls Mumbai Call Now 8250077686 Mumbai Escorts 24x7
(NEHA) Call Girls Mumbai Call Now 8250077686 Mumbai Escorts 24x7(NEHA) Call Girls Mumbai Call Now 8250077686 Mumbai Escorts 24x7
(NEHA) Call Girls Mumbai Call Now 8250077686 Mumbai Escorts 24x7
 
GENUINE EscoRtS,Call Girls IN South Delhi Locanto TM''| +91-8377087607
GENUINE EscoRtS,Call Girls IN South Delhi Locanto TM''| +91-8377087607GENUINE EscoRtS,Call Girls IN South Delhi Locanto TM''| +91-8377087607
GENUINE EscoRtS,Call Girls IN South Delhi Locanto TM''| +91-8377087607
 
FULL NIGHT — 9999894380 Call Girls In Patel Nagar | Delhi
FULL NIGHT — 9999894380 Call Girls In Patel Nagar | DelhiFULL NIGHT — 9999894380 Call Girls In Patel Nagar | Delhi
FULL NIGHT — 9999894380 Call Girls In Patel Nagar | Delhi
 
DELHI NCR —@9711106444 Call Girls In Majnu Ka Tilla (MT)| Delhi
DELHI NCR —@9711106444 Call Girls In Majnu Ka Tilla (MT)| DelhiDELHI NCR —@9711106444 Call Girls In Majnu Ka Tilla (MT)| Delhi
DELHI NCR —@9711106444 Call Girls In Majnu Ka Tilla (MT)| Delhi
 
❤️Call girls in Chandigarh ☎️8264406502☎️ Call Girl service in Chandigarh☎️ C...
❤️Call girls in Chandigarh ☎️8264406502☎️ Call Girl service in Chandigarh☎️ C...❤️Call girls in Chandigarh ☎️8264406502☎️ Call Girl service in Chandigarh☎️ C...
❤️Call girls in Chandigarh ☎️8264406502☎️ Call Girl service in Chandigarh☎️ C...
 
FULL NIGHT — 9999894380 Call Girls In New Ashok Nagar | Delhi
FULL NIGHT — 9999894380 Call Girls In New Ashok Nagar | DelhiFULL NIGHT — 9999894380 Call Girls In New Ashok Nagar | Delhi
FULL NIGHT — 9999894380 Call Girls In New Ashok Nagar | Delhi
 
❤Personal Whatsapp Srinagar Srinagar Call Girls 8617697112 💦✅.
❤Personal Whatsapp Srinagar Srinagar Call Girls 8617697112 💦✅.❤Personal Whatsapp Srinagar Srinagar Call Girls 8617697112 💦✅.
❤Personal Whatsapp Srinagar Srinagar Call Girls 8617697112 💦✅.
 
FULL NIGHT — 9999894380 Call Girls In Badarpur | Delhi
FULL NIGHT — 9999894380 Call Girls In Badarpur | DelhiFULL NIGHT — 9999894380 Call Girls In Badarpur | Delhi
FULL NIGHT — 9999894380 Call Girls In Badarpur | Delhi
 
Museum of fine arts Lauren Simpson…………..
Museum of fine arts Lauren Simpson…………..Museum of fine arts Lauren Simpson…………..
Museum of fine arts Lauren Simpson…………..
 
Dubai Call Girl Number # 00971588312479 # Call Girl Number In Dubai # (UAE)
Dubai Call Girl Number # 00971588312479 # Call Girl Number In Dubai # (UAE)Dubai Call Girl Number # 00971588312479 # Call Girl Number In Dubai # (UAE)
Dubai Call Girl Number # 00971588312479 # Call Girl Number In Dubai # (UAE)
 
UAE Call Girls # 971526940039 # Independent Call Girls In Dubai # (UAE)
UAE Call Girls # 971526940039 # Independent Call Girls In Dubai # (UAE)UAE Call Girls # 971526940039 # Independent Call Girls In Dubai # (UAE)
UAE Call Girls # 971526940039 # Independent Call Girls In Dubai # (UAE)
 

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