TensorFlow CS 5665 F16 practicum Karun Joseph, A02240287 Reference:

Slides:



Advertisements
Similar presentations
Convolutional Neural Network
Advertisements

HIERARCHICAL TEMPORAL MEMORY WHY CANT COMPUTERS BE MORE LIKE THE BRAIN?
Bassem Makni SML 16 Click to add text 1 Deep Learning of RDF rules Semantic Machine Learning.
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.
TENSORFLOW Team 2: Andrey, Daniel, John, Jonas, Ken
2/13/2018 4:38 AM © Microsoft Corporation. All rights reserved. MICROSOFT MAKES NO WARRANTIES, EXPRESS, IMPLIED OR STATUTORY, AS TO THE INFORMATION IN.
Big data classification using neural network
TensorFlow– A system for large-scale machine learning
Deep Learning Software: TensorFlow
Big Data A Quick Review on Analytical Tools
Tensorflow Tutorial Homin Yoon.
Chilimbi, et al. (2014) Microsoft Research
Dhruv Batra Georgia Tech
Why it is Called Tensor Flow Parallelism in ANNs Project Ideas and Discussion Glenn Fung Presents Batch Renormalizating Paper.
DeepCount Mark Lenson.
Enabling machine learning in embedded systems
Deep Learning in HEP Large number of applications:
MSC projects for for CMSC5720(term1), CMSC5721(term2)
Applications of Deep Learning and how to get started with implementation of deep learning Presentation By : Manaswi Advisor : Dr.Chinmay.
DeepXplore: Automated Whitebox Testing of Deep Learning Systems
Deep Learning Platform as a Service
DeepXplore: Automated Whitebox Testing of Deep Learning Systems
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
Intelligent Information System Lab
Overview of TensorFlow
A VERY Brief Introduction to Convolutional Neural Network using TensorFlow 李 弘
Azure Machine Learning Noam Brezis Madeira Data Solutions
Comparison Between Deep Learning Packages
TensorFlow and Clipper (Lecture 24, cs262a)
Introduction to CuDNN (CUDA Deep Neural Nets)
A brief introduction to neural network
Torch 02/27/2018 Hyeri Kim Good afternoon, everyone. I’m Hyeri. Today, I’m gonna talk about Torch.
Introduction to Deep Learning for neuronal data analyses
Tensorflow in Deep Learning
INF 5860 Machine learning for image classification
Brewing Deep Networks With Caffe
Deep Learning Packages
Introduction to Tensorflow
Early Results of Deep Learning on the Stampede2 Supercomputer
.NET and .NET Core Foot View of .NET Pan Wuming 2017.
An open-source software library for Machine Intelligence
Image Processing Platform
MXNet Internals Cyrus M. Vahid, Principal Solutions Architect,
cs540 - Fall 2016 (Shavlik©), Lecture 20, Week 11
Introduction to Deep Learning with Keras
MNIST Dataset Training with Tensorflow
CSC 578 Neural Networks and Deep Learning
AI Stick Easy to learn and use, accelerate the industrialization of artificial intelligence, and let the public become an expert in AI.
Using Tensorflow to Detect Objects in an Image
Long Short Term Memory within Recurrent Neural Networks
Lecture: Deep Convolutional Neural Networks
Integrating Deep Learning with Cyber Forensics
Debugging Dataflow Graphs using TensorFlow Debugger.
Deep Learning Some slides are from Prof. Andrew Ng of Stanford.
Deploy Tensorflow on PySpark
TensorFlow: A System for Large-Scale Machine Learning
EE 193: Parallel Computing
Deep Learning Libraries
Search-Based Approaches to Accelerate Deep Learning
CSC 578 Neural Networks and Deep Learning
Real-time Object Recognition using deep learning-Raspberry Pi
Dhruv Batra Georgia Tech
COGNITIVE SERVICES MACHINE LEARNING FOR DEVELOPERS
An introduction to neural network and machine learning
Machine Learning for Cyber
Presentation transcript:

TensorFlow CS 5665 F16 practicum Karun Joseph, A02240287 Reference:

Reference: http://xkcd.com/1425/

Especially good for training and implementing deep neural networks What is TensorFlow? Open source software library from Google (Brain Team) for machine learning Especially good for training and implementing deep neural networks Example applications include image recognition, automated translation. Think Google Photos, Translate Used in production at Uber, SnapChat, Google (obv.), others Reference:

Uses data flow graphs to represent a learning model How does it work? Uses data flow graphs to represent a learning model Comprise of nodes and edges Nodes represent mathematical operations Edges represent multi-dimensional data arrays (tensors) “TensorFlow” C based with Python and C++ APIs Reference:

Fancy name for neural networks algorithm with more than one layer Deep neural networks? Fancy name for neural networks algorithm with more than one layer Now possible with cheap HW, huge data sets and better techniques Reference: http://colah.github.io/posts/2014-07-Conv-Nets-Modular/

How is it different scikit-learn or other tools in R? Scikit-learn - model already built; “off-the-shelf”’; Fit/ predict style TensorFlow - has to build model up from; should be able to describe your model in the form of a datagraph with functions like gradient descent, add, max, etc. Reference:

What are its advantages? Cross platform: Android, Linux, etc. Quick turn around to production Efficient computation utilizing CPUs, GPUs Reference:

Model - Inception v3 network Demo on Raspberry Pi! Transfer learning - use a model already trained on images. Deep learning from scratch will take days Model - Inception v3 network Training set - ImageNet images with 1000 classes Reference:

Process of building a makefile in Raspberry Pi Demo on Raspberry Pi! Process of building a makefile in Raspberry Pi Quick run through of C code Option to change last layer to be specific to your classes and retrain the model Reference:

Takeaways Looking for a fit/ predict style, existing algorithms type library? Use Scikit-learn Looking to learn and quickly implement ML? Use Scikit-learn Looking to build your own algorithms with custom functions, of deep learning type, across platforms? Use Tensor Flow!

References Source code - https://www.tensorflow.org/ Convolution neural networks - http://colah.github.io/posts/2014-07-Conv-Nets-Modular/ Pattern recognition and ML reading - https://github.com/rasbt/pattern_classification, https://github.com/rasbt/python-machine-learning-book Retraining last layer of model - https://codelabs.developers.google.com/codelabs/tensorflow-for-poets/#0