A VERY Brief Introduction to Convolutional Neural Network using TensorFlow 李 弘 16081200210002.

Slides:



Advertisements
Similar presentations
Tiled Convolutional Neural Networks TICA Speedup Results on the CIFAR-10 dataset Motivation Pretraining with Topographic ICA References [1] Y. LeCun, L.
Advertisements

Hurieh Khalajzadeh Mohammad Mansouri Mohammad Teshnehlab
Neural Network Introduction Hung-yi Lee. Review: Supervised Learning Training: Pick the “best” Function f * Training Data Model Testing: Hypothesis Function.
LeCun, Bengio, And Hinton doi: /nature14539
Analysis of Classification Algorithms In Handwritten Digit Recognition Logan Helms Jon Daniele.
CSC321: 2011 Introduction to Neural Networks and Machine Learning Lecture 6: Applying backpropagation to shape recognition Geoffrey Hinton.
1 Convolutional neural networks Abin - Roozgard. 2  Introduction  Drawbacks of previous neural networks  Convolutional neural networks  LeNet 5 
Comparing TensorFlow Deep Learning Performance Using CPUs, GPUs, Local PCs and Cloud Pace University, Research Day, May 5, 2017 John Lawrence, Jonas Malmsten,
TensorFlow The Deep Learning Library You Should Be Using.
Big data classification using neural network
TensorFlow CS 5665 F16 practicum Karun Joseph, A Reference:
TensorFlow– A system for large-scale machine learning
Deep Learning Software: TensorFlow
Getting started with TensorBoard
Convolutional Neural Network
CS 6501: 3D Reconstruction and Understanding Convolutional Neural Networks Connelly Barnes.
Tensorflow Tutorial Homin Yoon.
Data Mining, Neural Network and Genetic Programming
DeepCount Mark Lenson.
Applications of Deep Learning and how to get started with implementation of deep learning Presentation By : Manaswi Advisor : Dr.Chinmay.
Deep Learning Platform as a Service
Image Recognition. Contents: Motivation Objective Definition Introduction Preprocessing / Edge Detection Neural Networks in Image Recognition Practical.
Deep Learning Libraries
Intro to NLP and Deep Learning
CS 224S: TensorFlow Tutorial
Inception and Residual Architecture in Deep Convolutional Networks
Deep Learning Fundamentals online Training at GoLogica
Deep Learning with TensorFlow online Training at GoLogica Technologies
Intelligent Information System Lab
Overview of TensorFlow
Convolution Neural Networks
Comparison Between Deep Learning Packages
Deep Learning Workshop
TensorFlow and Clipper (Lecture 24, cs262a)
with Daniel L. Silver, Ph.D. Christian Frey, BBA April 11-12, 2017
A brief introduction to neural network
State-of-the-art face recognition systems
Introduction to Deep Learning for neuronal data analyses
Tensorflow in Deep Learning
Handwritten Digits Recognition
INF 5860 Machine learning for image classification
Introduction to TensorFlow
Brain Inspired Algorithms Dr. David Fagan
Deep Learning Packages
Introduction to Tensorflow
Outline Y. LeCun, L. Bottou, Y. Bengio, and P. Haffner, “Gradient-based learning applied to document recognition,” Proceedings of the IEEE, vol. 86, no.
An open-source software library for Machine Intelligence
MXNet Internals Cyrus M. Vahid, Principal Solutions Architect,
Introduction to Deep Learning with Keras
SAS Deep Learning: From Toolkit to Fast Model Prototyping
Convolutional neural networks Abin - Roozgard.
MNIST Dataset Training with Tensorflow
Long Short Term Memory within Recurrent Neural Networks
On Convolutional Neural Network
Vinit Shah, Joseph Picone and Iyad Obeid
Debugging Dataflow Graphs using TensorFlow Debugger.
Introduction to Computing
Tensorflow Tutorial Presented By :- Ankur Mali
Deep Learning Some slides are from Prof. Andrew Ng of Stanford.
TensorFlow: A System for Large-Scale Machine Learning
Deep Learning Authors: Yann LeCun, Yoshua Bengio, Geoffrey Hinton
Introduction to TensorFlow
Automatic Handwriting Generation
Deep Learning Libraries
Search-Based Approaches to Accelerate Deep Learning
Bidirectional LSTM-CRF Models for Sequence Tagging
Getting started with TensorBoard
Deep Learning with TensorFlow
An introduction to neural network and machine learning
Machine Learning for Cyber
Presentation transcript:

A VERY Brief Introduction to Convolutional Neural Network using TensorFlow 李 弘 16081200210002

Agenda Overview of TensorFlow(mainly stolen from Stanford CS20SI) A brief introduction to Convolutional neural network

What’s TensorFlow Open source software library for numerical computation using data flow graphs Originally developed by Google Brain Team to conduct machine learning and deep neural networks research General enough to be applicable in a wide variety of other domains as well

The comparison of deep learning software in Wikipedia

Why TensorFlow Python API The ability to run in heterogeneous environments, to easily build models that span multiple GPUs on a single machine, and to train large-scale networks in a distributed fashion Visualization (TensorBoard) Checkpoints (for managing experiments) Large community (> 10,000 commits and > 3000 TF-related repos in 1 year)

Neural Style Translation “Image Style Transfer Using Convolutional Neural Networks” by Leon A. Gatys et al. (2016)

Generative Handwriting “Generative Handwriting using LSTM Mixture Density Network with TensorFlow” by hardmaru@GitHub (2016)

WaveNet: Text to Speech “Wavenet: A generative model for raw audio” by Aaron van den Oord et al. (2016)

Dataflow Graph TensorFlow uses a unified dataflow graph to represent both the computation in an algorithm and the state on which the algorithm operates TensorFlow separates definition of computations from their execution

Dataflow Graph Nodes in the graph represent mathematical operations, while the graph edges represent the multidimensional data arrays (tensors) communicated between them. 

Dataflow Graph import tensorflow as tf a = tf.constant(2, name='a') b = tf.constant(3, name='b') A = tf.add(a, b, name = 'add') Nodes: operators, variables and constants Edges: tensors(n-d arrays) A

Dataflow Graph Create a session Within the session, evaluate the graph to fetch the value of the node. with tf.Session() as sess: print sess.run(A) A

Dataflow Graph Possible to break graphs into several chunks and run them parallelly across multiple CPUs, GPUs, or devices

Convolutional Neural Network(CNN) “The origins of convolutional neural networks go back to the 1970s. But the seminal paper establishing the modern subject of convolutional networks was a 1998 paper, ‘Gradient-based learning applied to document recognition’, by Yann LeCun, Léon Bottou, Yoshua Bengio, and Patrick Haffner. ” http://neuralnetworksanddeeplearning.com/chap6.html

A fully connected neural network

For image classifying, fully connected networks ignore the spatial structure of the images.

LeNet-5

Convolutional layer

Subsampling layer(pooling layer)

Handwritten digits recognition

Just Combine them!

tf.nn.relu

Cost function

Reference http://neuralnetworksanddeeplearning.com/index.html Stanford CS20SI