Introducing 

Prezi AI.

Your new presentation assistant.

Refine, enhance, and tailor your content, source relevant images, and edit visuals quicker than ever before.

Loading…
Transcript

ICT

About IoT

for Manufacturing Industries

Smart Factory

AI - deep learning

Industry 4.0

IoT

What is it?

4차 산업혁명

빅데이터

IoT = internet of things

클라우드

자율주행 자동차

터미네이터

"의사에게 살해당하지 않는 47가지 요령"

곤도 마코토 박사

Definition

모든 사물에 고유한 이름을 주자!!

IP address

Definition

The Internet of Things (IoT) is a system of interrelated computing devices, mechanical and digital machines, objects, animals or people that are provided with unique identifiers and the ability to transfer data over a network without requiring human-to-human or human-to-computer interaction.

WiFi

Bluetooth

NFC

ZigBee

...

http://internetofthingsagenda.techtarget.com

in relation with INTERNET

History

birth of WWW

이세돌 - 알파고 세기의 대결

Tim Berners-Lee at CERN

TCP/IP

History

Internet of Things

by Kevin Ashton

Procter&Gamble

Vint Cerf and Bob Kahn

1970s

2011

2016

1999

1989

Industrie 4,0

in our Life

How the Internet of Things will change our lives?

Everything on earth will be connected

in Life

"Connected" = "SMART"

A smart device is an electronic device, generally connected to other devices or networks via different wireless protocols such as Bluetooth, NFC, Wi-Fi, 3G, etc., that can operate to some extent interactively and autonomously.

Key Technologies

What's runing behind?

Key

Technologies

ICT

Communication

Methods

Hardwares

Communication

Methods

The communication infrastructure for IoT smart manufacturing can be divided as two parts.

The first one is for communication among devices in the house. The LAN (Local Area Network) supports small area connectivity such as office and building.

The other one is network for communication between device in local area and device in outside network. Wide Area Network (WAN) is used for this purpose.

Methods

Broad band PLC, Ethernet and IEEE802.11x are technologies for LAN.

The cellular network technologies such as GSM, WiMAX and LTE are used for WAN.

Wire network

Technologies for manufacturing IoT Network using Wire Technology

Wire network

Wide Area Network (WAN)

Technologies for Manufacturing IoT Network using Wireless Technology

Wireless network

Network configuration

To support connectivity among devices in manufacturing network two kinds of network configurations can be used normally.

Network configuration

Arduino

open-source electronics

the brain of thousands of projects

- students, hobbyists, artists, programmers, and professionals

fast prototyping

build them independently and eventually adapt them to their particular needs

Arduino

Architecture

Sensors

Sensors

Choices

choices

Projects

Projects

Information

Handling the information

Artificial Intelligence?

Information

ICBMS

IoT (아이오티)

Cloud (클라우드)

Big data (빅데이터)

Mobile (모바일)

Security (보안)

Machine learning

Machine learning

Definition

Machine learning (ML) is a field of artificial intelligence that uses statistical techniques to give computer systems the ability to "learn" (e.g., progressively improve performance on a specific task) from data, without being explicitly programmed.

Definition

Approaches

Approaches

  • Decision tree learning
  • Association rule learning
  • Artificial neural networks

Deep learning

  • Inductive logic programming
  • Support vector machines
  • Clustering
  • Bayesian networks
  • Representation learning
  • Similarity and metric learning
  • Sparse dictionary learning
  • Genetic algorithms
  • Rule-based machine learning

Learning classifier systems

Concepts

Concept

Works

no cat

cat

?

Do it 01

Machine Learning

• Limitations of explicit programming

- Spam filter: many rules

- Automatic driving: too many rules

• Machine learning: "Field of study that gives

computers the ability to learn without being

explicitly programmed” Arthur Samuel (1959)

Supervised/Unsupervised learning

• Supervised learning:

- learning with labeled examples - training set

Supervised learning

An example training set for four visual categories.

Supervised/Unsupervised learning

• Supervised learning:

- learning with labeled examples

• Unsupervised learning: un-labeled data

- Google news grouping

- Word clustering

Supervised learning

• Most common problem type in ML

- Image labeling: learning from tagged images

- Email spam filter: learning from labeled (spam or ham) email

- Predicting exam score: learning from previous exam score and time spent

Types of supervised learning

• Predicting final exam score based on time spent

- regression

• Pass/non-pass based on time spent

- binary classification

• Letter grade (A, B, C, E and F) based on time spent

- multi-label classification

Predicting final exam score based on time spent

Pass/non-pass based on time spent

Letter grade (A, B, …) based on time spent

Do it 02

Linear regression?

Predicting exam score: regression

Regression (data)

Regression (presentation)

(Linear) Hypothesis

(Linear) Hypothesis

(Linear) Hypothesis

Which hypothesis is better?

Which hypothesis is better?

Cost function

• How fit the line to our (training) data

Cost function

• How fit the line to our (training) data

Cost function

Goal: Minimize cost

Simplified hypothesis

What cost(W) looks like?

What cost(W) looks like?

What cost(W) looks like?

What cost(W) looks like?

How to minimize it?

Gradient descent algorithm

• Minimize cost function

• Gradient descent is used many minimization problems

• For a given cost function, cost (W, b), it will find W, b to minimize cost

• It can be applied to more general function: cost (w1, w2, …)

How it works?

How would you find the lowest point?

How it works?

• Start with initial guesses

- Start at 0,0 (or any other value)

- Keeping changing W and b a little bit to try and reduce cost(W, b)

• Each time you change the parameters, you select the gradient which reduces

cost(W, b) the most possible

• Repeat

• Do so until you converge to a local minimum

• Has an interesting property

- Where you start can determine which minimum you end up

Formal definition

Formal definition

Formal definition

Gradient descent algorithm

Convex function

Convex function

Do it really

with TensorFlow

import tensorflow as tf

import matplotlib.pyplot as plt

X = [1, 2, 3]

Y = [1, 2, 3]

W = tf.placeholder(tf.float32)

# Our hypothesis for linear model X * W

hypothesis = X * W

# cost/loss function

cost = tf.reduce_mean(tf.square(hypothesis - Y))

# Launch the graph in a session.

sess = tf.Session()

# Initializes global variables in the graph.

sess.run(tf.global_variables_initializer())

# Variables for plotting cost function

W_val = []

cost_val = []

for i in range(-30, 50):

feed_W = i * 0.1

curr_cost, curr_W = sess.run([cost, W], feed_dict={W: feed_W})

W_val.append(curr_W)

cost_val.append(curr_cost)

# Show the cost function

plt.plot(W_val, cost_val)

plt.show()

with TensorFlow

One more?

import tensorflow as tf

x_data = [1, 2, 3]

y_data = [1, 2, 3]

W = tf.Variable(tf.random_normal([1]), name='weight')

X = tf.placeholder(tf.float32)

Y = tf.placeholder(tf.float32)

# Our hypothesis for linear model X * W

hypothesis = X * W

# cost/loss function

cost = tf.reduce_sum(tf.square(hypothesis - Y))

# Minimize: Gradient Descent using derivative: W -= learning_rate * derivative

learning_rate = 0.1

gradient = tf.reduce_mean((W * X - Y) * X)

descent = W - learning_rate * gradient

update = W.assign(descent)

# Launch the graph in a session.

sess = tf.Session()

# Initializes global variables in the graph.

sess.run(tf.global_variables_initializer())

for step in range(21):

sess.run(update, feed_dict={X: x_data, Y: y_data})

print(step, sess.run(cost, feed_dict={X: x_data, Y: y_data}), sess.run(W))

One more?

0 0.84999657 [0.7535978]

1 0.241777 [0.86858547]

2 0.068772085 [0.92991227]

3 0.019561779 [0.9626199]

4 0.0055642645 [0.9800639]

5 0.0015827268 [0.9893674]

6 0.0004501979 [0.9943293]

7 0.00012805895 [0.9969756]

8 3.6424557e-05 [0.998387]

9 1.0361303e-05 [0.9991397]

10 2.947762e-06 [0.99954116]

11 8.382236e-07 [0.9997553]

12 2.3837724e-07 [0.9998695]

13 6.771275e-08 [0.99993044]

14 1.921633e-08 [0.9999629]

15 5.4823204e-09 [0.9999802]

16 1.5620181e-09 [0.99998945]

17 4.3549164e-10 [0.9999944]

18 1.2649082e-10 [0.999997]

19 3.474554e-11 [0.99999845]

20 9.166001e-12 [0.99999917]

Another?

import tensorflow as tf

# tf Graph Input

X = [1, 2, 3]

Y = [1, 2, 3]

# Set wrong model weights

W = tf.Variable(5.0)

# Linear model

hypothesis = X * W

# cost/loss function

cost = tf.reduce_mean(tf.square(hypothesis - Y))

# Minimize: Gradient Descent Magic

optimizer = tf.train.GradientDescentOptimizer(learning_rate=0.1)

train = optimizer.minimize(cost)

# Launch the graph in a session.

sess = tf.Session()

# Initializes global variables in the graph.

sess.run(tf.global_variables_initializer())

for step in range(100):

print(step, sess.run(W))

sess.run(train)

Another?

Artificial Neural Network

Artificial neural networks (ANN) or connectionist systems are

computing systems vaguely inspired by the biological neural networks

that constitute animal brains.[1] The neural network itself is not an

algorithm, but rather a framework for many different machine learning algorithms to work together and process complex data inputs.[2] Such systems "learn" to perform tasks by considering examples, generally without being programmed with any task-specific rules. For example, in image recognition, they might learn to identify images that contain cats by analyzing example images that have been manually labeled as "cat" or "no cat" and using the results to identify cats in other images. They do this without any prior knowledge about cats, for example, that they have fur, tails, whiskers and cat-like faces. Instead, they automatically generate identifying characteristics from the learning material that they process.

Artificial Neural Network

Cases

in Manufacturing

in Manufacturing

MindSphere – The open IoT operating system

GE Transportation: Brilliant Factory

People Work Directly with Robots Building Volkswagen Transmissions

Bin-picking Robot Deep Learning

in Finance

in Finance

Portfolio Management

Algorithmic Trading

Fraud Detection

Loan / Insurance Underwriting

Customer Service

Security 2.0

Sentiment / News Analysis

Object recognition

Tools

Tools for data analytics and visualization

  • pandas is a free library for modeling in Python.
  • matplotlib is a plotting library,
  • Jupyter Notebook is a collaborative tool for when users need to share documents.
  • Tableau is a data exploration software that extracts insights from data and displays them in an understandable way.

Frameworks for general machine learning

  • NumPy is an extension package for numerical computing with Python.
  • scikit-learn is open source, versatile, and created to be used for all different business use cases.
  • NLTK is a text-processing library in Python that works with human language.

Frameworks for neural network modeling

  • TensorFlow is a leading tool for both research and all types of machine learning tasks.
  • TensorBoard is a tool for graphical representation of machine learning processes in TensorFlow.
  • PyTorch is a research tool with dynamic computational graph (in comparison to TensorFlow, Theano, and others’ static models).
  • Keras is another library that’s often used to run on top off Theano, TensorFlow, or CNTK.
  • Caffe2 has Python and C++ APIs for quick prototyping and optimization.

Big data tools

  • Apache Spark is a star among big data processing software. Its functionality includes ETL, machine learning, data analytics, batch processing, and stream processing of data.
  • MemSQL is an SQL database for real-time analytics enabling the work of instant messengers and games.

TensorFlow & Python

TF & Python

TensorFlow

TensorFlow is Google Brain's second-generation system. Version 1.0.0 was released on February 11, 2017.[10] While the reference implementation runs on single devices, TensorFlow can run on multiple CPUs and GPUs (with optional CUDA and SYCL extensions for general-purpose computing on graphics processing units).[11] TensorFlow is available on 64-bit Linux, macOS, Windows, and mobile computing platforms including Android and iOS.

TensorFlow computations are expressed as stateful dataflow graphs. The name TensorFlow derives from the operations that such neural networks perform on multidimensional data arrays. These arrays are referred to as "tensors". In June 2016, Dean stated that 1,500 repositories on GitHub mentioned TensorFlow, of which only 5 were from Google.[12]

Tensor processing unit (TPU)

In May 2016, Google announced its Tensor processing unit (TPU), an application-specific integrated circuit (a hardware chip) built specifically for machine learning and tailored for TensorFlow. TPU is a programmable AI accelerator designed to provide high throughput of low-precision arithmetic (e.g., 8-bit), and oriented toward using or running models rather than training them. Google announced they had been running TPUs inside their data centers for more than a year, and had found them to deliver an order of magnitude better-optimized performance per watt for machine learning.[13]

In May 2017, Google announced the second-generation, as well as the availability of the TPUs in Google Compute Engine.[14] The second-generation TPUs deliver up to 180 teraflops of performance, and when organized into clusters of 64 TPUs, provide up to 11.5 petaflops.

In February 2018, Google announced that they were making TPUs available in beta on the Google Cloud Platform.[15]

Alpha Go

Domain knowledge

Is it reversible?

Domain

Knowledge

Or, is it?

Example

Thinger.io

Kaa

Thingspeak

EasyIoT

Amazon

Naver

....

Example - Blynk

Anna explaining how to Blynk...

LED blinking

Sensor reading

Example - Blynk

in Your Labs

Sol-gel synthesis

Key considerations

  • particle size and distribution
  • quality of sol, subsequent films and bulks

Sol-gel synthesis

Trial #1

Root technology example

in heat treatments

Root technology example

적용사례01

적용사례02

클라우드 & 모바일

What a mess!

Enclosure

and More

Mobile App

Bluetooth your device and then connect with you mobile phone.

Mobile App?

APP

New Business Model

New business model

Personalization

MC

25년전

고객의 욕구를 반영한 생산

생산효율은 유지

MC

Personalization (개인화)

단일한 생산공정

제품이 스스로 변하면

제품을 파는 것?

서비스를 파는 것?

Marketing?

Customering?

아디다스 스마트 운동화

수퍼캡

Take-home message

VENUS DE MILO

Botticelli’s “ Nascita di Venere”

(the birth of Vinus), 1486

Discussions

Discussions

What is the purpose of Industry 4.0?

How will my life change in the age of Industry 4.0?

Industry 4.0 What should a industry do for this?

What does industry 4.0 mean for engineers?

What can I do with IoT technology, especially in the lab?

Is AI technology applicable right now in my area of expertise?

정말 중요한 메세지

Learn more about creating dynamic, engaging presentations with Prezi