DECISION SUPPORT SYSTEM USING TENSOR FLOW

Size: px
Start display at page:

Download "DECISION SUPPORT SYSTEM USING TENSOR FLOW"

Transcription

1 Volume 118 No ISSN: (on-line version) url: DECISION SUPPORT SYSTEM USING TENSOR FLOW D.Anji Reddy 1, G.Narasimha 2, K.Srinivas 3, B.Kavitha Rani 4 1 Assistant Professor, 2,3,4 Professor, Department of CSE, 1 Vaageshwari College of Engineering, 2 JNTUH College, 3,4 CMR Technical Campus 1 Karimnagar,India 2 Sultanpur,India 3,4 Hyderabad, India. May 24, 2018 Abstract Now a day Deep Learning is a service provided by all Cloud platforms. This service can be used by Tensor Flow in Google Cloud Platform (GCP), it makes users in easy way of application design, development and deployment. Tensor Flow for deep learning research and development applications used in many domains such as Natural Language Processing, Speech Recognition Translation, and Computer Vision etc. Tensor flow is also used to take recommend the user to take quick decision making. 1 Introduction Tensor Flow [1-8] is an open source software library for numerical computation using dataflow graphs. Nodes in the graph represents mathematical operations, while graph edges represent multidimensional data arrays (tensors) communicated between them. 1

2 The flexible architecture allows AP I s to deploy computation on computational devices such as desktop, mobile or server.amazon [9], Google [10], Azure [11] cloud platforms are providing various services classification, regression, Clustering, anomaly detection, recommendation, ranking, frameworks, algorithms, GUI s, automation levels. The Machine Learning service provided by all Cloud Platforms defined here as Machine Learning as a Service (MLaaS), such as AWS Deep Learning AMI, Apache MXNet and Gluon, Microsoft Azure ML studioetc.tensorflow is open source software for deep learning applications, used to process efficient computation of data flow graphs on single or multiple CPUs, GPUs and certain mobile operating systems. The advantages of using TensorFlow are: It has an intuitive construct, because as the name suggests it has flow of tensors. You can easily visualize each and every part of the graph. Easily train on cpu/gpu for distributed computing. Platform flexibility. You can run the models wherever you want, whether it is on mobile, server or PC. Limitations of TensorFlow: Even though TensorFlow is powerful, it s still a low level library. For example, it can be considered as a machine level language, which need modularity and high level interface through the frameworks, such as Keras. It s still in development, so much more awesomeness to come. It depends on your hardware specs, the more the merrier. Still not an API for many languages. There are still many things yet to be included in TensorFlow, such as OpenCL support. In the MNIST dataset, which is a dataset that contains 60,000 training samples and 10,000 testing samples of hand-written and labeled digits, 0 through 9, so ten total classes.for further advancedhigher level deep learning library is available on top of TensorFlow called Keras; and GitHub repository. 2

3 Figure 1 Flow graph of TensorFlow A Simple Tensor Flow example Tensor Flow is a type of graph based computation, it is an alternative model for a given mathematical calculations. Consider the following expression result= (var1+var2) (var2+5). We can break this function down into the following components: int1 = var1+var2 int2 = var2+5 result = int1 int2 The representation of the above operations graphically as follows: Figure 2 Tensor Flow Graph for the expression result = int1 * int2 3

4 2 DESCRIPTION The expression is result = int1 * int2, is represented as flow graph. Where int1 is defined as var1 is added to var2; int2 is substituted as var2 added to a constant 5. Here var2 is contributed in two intermediate results, in turn is contributed in result. The following is code to Tensorflow in python programming language. import tensor flow as tf tensor flow constant creation const = tf.constant(6.0, name = const ) tensorflow variables creation var1 = tf.variable(3.0, name = var1 ) var2 = tf.variable(2.0, name = var2 ) The above snippet code explained as, tf.constant function defined as constant value, it consists of two parameters, where first parameter represents initial value and second element is type of constant value. tf.variable function to declare variables, the function also consists of two elements, first is initial value and second element is name of the variable is optional. The value of a variable or constant can also be set explicitly thru keyboard by using argument dtype such as tf.float32, tf.int32 etc. Next, we create the Tensor Flow operations: computation of operations int1= tf.add(var1, var2, name = int1 ) int1= tf.add(var2, const, name = int2 ) result = tf.multiply(int1, int2, name = result ) TensorFlow provides good number of operations to perform all types of interactions. In the above code addition of variables, addition of variable and constant value and a multiplication of variables. The next step is to setup an object to initialize the variables and the graph structure: variable initialization setup init op = tf.global variables initializer The next step is to start Tensor Flow session with tf.session. All the operations are executed in Python syntax through the Tensor Flow session object. session starts with tf.session() as ses: 4

5 variables initialization ses.run(init op) the output of the graph a out = ses.run(result) print( variable result is.format(a out)) First initialize the tensorflow session. This session can be executed by run command, which passes result. Here result is not a variable, operation as result = tf.multiply(int1, int2, name = result ); as session is accepting only operations. It automatically calculates the necessary and dependent operations or values through its data flow graph. Finally the output is of scalar and assigned to a out, the value is displayed on the output screen. Extension to the above simple example, if var1 can have array values, then calculation of result is performed with the TensorFlow placeholder. TensorFlow required to declare the data by using the tf.placeholder variable declaration. It has three arguments as type of placeholder variable, the second element is about size of array and it accepts even none argument with 1-dimensional data, and the third element is name of the variable. Therefore the var1 snippet code becomes as follows: TensorFlow variables var1 = tf.placeholder(tf.float32, [None, 1], name = var1 ) The change in program is the ses.run(result,) command: a out = ses.run(result,feed dict = resut:np.arange(0,10)[:,np.newaxis]) Where the argument feed dict is taking the input from Python dictionary, every key is being filled in the name of the placeholder. 3 EXPERIMENTAL RESULTS Using the Tensor Board functionality, the following is the graph that Tensor Flow created in the above program: 5

6 Figure 3 Tensor Flow graph on Tensor Board 4 CONCLUSION Tensor Flow enables developers to quickly and easily get started with deep learning in the cloud. Tensor flow is used to recommend the user to take quick decision making on any objects. Tensor Flow provides APIs for Python, C++, Haskell, Java, Go, Rust, and theres also a third-party package for R called tensor flow. References [1] [2] [3] [4] [5] [6] [7] 6

7 [8] [9] [10] 11. faculty connection/2017/03/27/azuregpu-tensorflow-step-by-step-setup/ 7

CS224n: Natural Language Processing with Deep Learning 1

CS224n: Natural Language Processing with Deep Learning 1 CS224n: Natural Language Processing with Deep Learning 1 Lecture Notes: TensorFlow 2 Winter 2017 1 Course Instructors: Christopher Manning, Richard Socher 2 Authors: Zhedi Liu, Jon Gauthier, Bharath Ramsundar,

More information

Basic Models in TensorFlow. CS 20SI: TensorFlow for Deep Learning Research Lecture 3 1/20/2017

Basic Models in TensorFlow. CS 20SI: TensorFlow for Deep Learning Research Lecture 3 1/20/2017 Basic Models in TensorFlow CS 20SI: TensorFlow for Deep Learning Research Lecture 3 1/20/2017 1 2 Agenda Review Linear regression in TensorFlow Optimizers Logistic regression on MNIST Loss functions 3

More information

Deep Learning Frameworks. COSC 7336: Advanced Natural Language Processing Fall 2017

Deep Learning Frameworks. COSC 7336: Advanced Natural Language Processing Fall 2017 Deep Learning Frameworks COSC 7336: Advanced Natural Language Processing Fall 2017 Today s lecture Deep learning software overview TensorFlow Keras Practical Graphical Processing Unit (GPU) From graphical

More information

ndpi & Machine Learning A future concrete idea

ndpi & Machine Learning A future concrete idea ndpi & Machine Learning A future concrete idea 1. Conjunction between DPI & ML 2. Introduction to Tensorflow and ConvNet project Traffic classification approaches Category Classification methodology Attribute(s)

More information

Deep RL and Controls Homework 2 Tensorflow, Keras, and Cluster Usage

Deep RL and Controls Homework 2 Tensorflow, Keras, and Cluster Usage 10-703 Deep RL and Controls Homework 2 Tensorflow, Keras, and Cluster Usage Devin Schwab Spring 2017 Table of Contents Homework 2 Cluster Usage Tensorflow Keras Conclusion DQN This homework is signficantly

More information

python numpy tensorflow tutorial

python numpy tensorflow tutorial python numpy tensorflow tutorial September 11, 2016 1 What is Python? From Wikipedia: - Python is a widely used high-level, general-purpose, interpreted, dynamic programming language. - Design philosophy

More information

ABSTRACT I. INTRODUCTION. Dr. J P Patra 1, Ajay Singh Thakur 2, Amit Jain 2. Professor, Department of CSE SSIPMT, CSVTU, Raipur, Chhattisgarh, India

ABSTRACT I. INTRODUCTION. Dr. J P Patra 1, Ajay Singh Thakur 2, Amit Jain 2. Professor, Department of CSE SSIPMT, CSVTU, Raipur, Chhattisgarh, India International Journal of Scientific Research in Computer Science, Engineering and Information Technology 2018 IJSRCSEIT Volume 3 Issue 4 ISSN : 2456-3307 Image Recognition using Machine Learning Application

More information

Frameworks in Python for Numeric Computation / ML

Frameworks in Python for Numeric Computation / ML Frameworks in Python for Numeric Computation / ML Why use a framework? Why not use the built-in data structures? Why not write our own matrix multiplication function? Frameworks are needed not only because

More information

TENSORFLOW: LARGE-SCALE MACHINE LEARNING ON HETEROGENEOUS DISTRIBUTED SYSTEMS. By Sanjay Surendranath Girija

TENSORFLOW: LARGE-SCALE MACHINE LEARNING ON HETEROGENEOUS DISTRIBUTED SYSTEMS. By Sanjay Surendranath Girija TENSORFLOW: LARGE-SCALE MACHINE LEARNING ON HETEROGENEOUS DISTRIBUTED SYSTEMS By Sanjay Surendranath Girija WHAT IS TENSORFLOW? TensorFlow is an interface for expressing machine learning algorithms, and

More information

Homework 01 : Deep learning Tutorial

Homework 01 : Deep learning Tutorial Homework 01 : Deep learning Tutorial Introduction to TensorFlow and MLP 1. Introduction You are going to install TensorFlow as a tutorial of deep learning implementation. This instruction will provide

More information

Deep Learning on AWS with TensorFlow and Apache MXNet

Deep Learning on AWS with TensorFlow and Apache MXNet Deep Learning on AWS with TensorFlow and Apache MXNet Julien Simon Global Evangelist, AI & Machine Learning @julsimon Renaud ALLIOUX CTO, Earthcube The Amazon ML Stack: Broadest & Deepest Set of Capabilities

More information

Image Classification with Convolutional Networks & TensorFlow

Image Classification with Convolutional Networks & TensorFlow Image Classification with Convolutional Networks & TensorFlow Josephine Sullivan August 9, 2017 1 Preliminaries 1.1 Which development environment? There are multiple software packages available for performing

More information

Machine Learning Workshop

Machine Learning Workshop Machine Learning Workshop {Presenters} Feb. 20th, 2018 Theory of Neural Networks Architecture and Types of Layers: Fully Connected (FC) Convolutional Neural Network (CNN) Pooling Drop out Residual Recurrent

More information

Keras: Handwritten Digit Recognition using MNIST Dataset

Keras: Handwritten Digit Recognition using MNIST Dataset Keras: Handwritten Digit Recognition using MNIST Dataset IIT PATNA January 31, 2018 1 / 30 OUTLINE 1 Keras: Introduction 2 Installing Keras 3 Keras: Building, Testing, Improving A Simple Network 2 / 30

More information

Code Mania Artificial Intelligence: a. Module - 1: Introduction to Artificial intelligence and Python:

Code Mania Artificial Intelligence: a. Module - 1: Introduction to Artificial intelligence and Python: Code Mania 2019 Artificial Intelligence: a. Module - 1: Introduction to Artificial intelligence and Python: 1. Introduction to Artificial Intelligence 2. Introduction to python programming and Environment

More information

Lecture 3: Overview of Deep Learning System. CSE599W: Spring 2018

Lecture 3: Overview of Deep Learning System. CSE599W: Spring 2018 Lecture 3: Overview of Deep Learning System CSE599W: Spring 2018 The Deep Learning Systems Juggle We won t focus on a specific one, but will discuss the common and useful elements of these systems Typical

More information

TensorFlow: A System for Learning-Scale Machine Learning. Google Brain

TensorFlow: A System for Learning-Scale Machine Learning. Google Brain TensorFlow: A System for Learning-Scale Machine Learning Google Brain The Problem Machine learning is everywhere This is in large part due to: 1. Invention of more sophisticated machine learning models

More information

An introduction to TensorFlow! Chip Huyen CS224N 1/25/2018

An introduction to TensorFlow! Chip Huyen CS224N 1/25/2018 An introduction to TensorFlow! Chip Huyen (chiphuyen@cs.stanford.edu) CS224N 1/25/2018 1 2 Agenda Why TensorFlow Graphs and Sessions Linear Regression tf.data word2vec Structuring your model Managing experiments

More information

Review: The best frameworks for machine learning and deep learning

Review: The best frameworks for machine learning and deep learning Review: The best frameworks for machine learning and deep learning infoworld.com/article/3163525/analytics/review-the-best-frameworks-for-machine-learning-and-deep-learning.html By Martin Heller Over the

More information

Voice, Image, Video : AI in action with AWS. 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved.

Voice, Image, Video : AI in action with AWS. 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Voice, Image, Video : AI in action with AWS A long heritage of machine learning at Amazon Personalized recommendations Fulfillment automation and inventory management Drones Voice driven interactions Inventing

More information

Deep Learning Frameworks with Spark and GPUs

Deep Learning Frameworks with Spark and GPUs Deep Learning Frameworks with Spark and GPUs Abstract Spark is a powerful, scalable, real-time data analytics engine that is fast becoming the de facto hub for data science and big data. However, in parallel,

More information

Lecture note 7: Playing with convolutions in TensorFlow

Lecture note 7: Playing with convolutions in TensorFlow Lecture note 7: Playing with convolutions in TensorFlow CS 20SI: TensorFlow for Deep Learning Research (cs20si.stanford.edu) Prepared by Chip Huyen ( huyenn@stanford.edu ) This lecture note is an unfinished

More information

Polytechnic University of Tirana

Polytechnic University of Tirana 1 Polytechnic University of Tirana Department of Computer Engineering SIBORA THEODHOR ELINDA KAJO M ECE 2 Computer Vision OCR AND BEYOND THE PRESENTATION IS ORGANISED IN 3 PARTS : 3 Introduction, previous

More information

NVIDIA DATA LOADING LIBRARY (DALI)

NVIDIA DATA LOADING LIBRARY (DALI) NVIDIA DATA LOADING LIBRARY (DALI) RN-09096-001 _v01 September 2018 Release Notes TABLE OF CONTENTS Chapter Chapter Chapter Chapter Chapter 1. 2. 3. 4. 5. DALI DALI DALI DALI DALI Overview...1 Release

More information

Package tensorflow. January 17, 2018

Package tensorflow. January 17, 2018 Type Package Title R Interface to 'TensorFlow' Version 1.5 Package tensorflow January 17, 2018 Interface to 'TensorFlow' , an open source software library for numerical computation

More information

A HPX backend for TensorFlow

A HPX backend for TensorFlow A HPX backend for TensorFlow Lukas Troska Institute for Numerical Simulation University Bonn April 5, 2017 Lukas Troska April 5, 2017 1 / 45 Table of Contents 1 Introduction to TensorFlow What is it? Examples

More information

Introduction to Deep Learning in Signal Processing & Communications with MATLAB

Introduction to Deep Learning in Signal Processing & Communications with MATLAB Introduction to Deep Learning in Signal Processing & Communications with MATLAB Dr. Amod Anandkumar Pallavi Kar Application Engineering Group, Mathworks India 2019 The MathWorks, Inc. 1 Different Types

More information

Keras: Handwritten Digit Recognition using MNIST Dataset

Keras: Handwritten Digit Recognition using MNIST Dataset Keras: Handwritten Digit Recognition using MNIST Dataset IIT PATNA February 9, 2017 1 / 24 OUTLINE 1 Introduction Keras: Deep Learning library for Theano and TensorFlow 2 Installing Keras Installation

More information

R for SQListas, a Continuation

R for SQListas, a Continuation 3-2 - 1-0: Classifying Digits with R R for SQListas, a Continuation R for SQListas: Now that we're in the tidyverse... what can we do now? Machine Learning MNIST - the Drosophila of Machine Learning (attributed

More information

Manage Experiments. CS 20SI: TensorFlow for Deep Learning Research Lecture 5 1/27/2017

Manage Experiments. CS 20SI: TensorFlow for Deep Learning Research Lecture 5 1/27/2017 Manage Experiments CS 20SI: TensorFlow for Deep Learning Research Lecture 5 1/27/2017 1 2 Guest lectures They are amazing. Read their papers! Justin Johnson Jon Shlens Stanford Vision Lab Google Brain

More information

BAYESIAN GLOBAL OPTIMIZATION

BAYESIAN GLOBAL OPTIMIZATION BAYESIAN GLOBAL OPTIMIZATION Using Optimal Learning to Tune Deep Learning Pipelines Scott Clark scott@sigopt.com OUTLINE 1. Why is Tuning AI Models Hard? 2. Comparison of Tuning Methods 3. Bayesian Global

More information

SVM multiclass classification in 10 steps 17/32

SVM multiclass classification in 10 steps 17/32 SVM multiclass classification in 10 steps import numpy as np # load digits dataset from sklearn import datasets digits = datasets. load_digits () # define training set size n_samples = len ( digits. images

More information

NVIDIA DIGITS CONTAINER

NVIDIA DIGITS CONTAINER NVIDIA DIGITS CONTAINER DU-09194-001 _v1.0 January 2019 User Guide TABLE OF CONTENTS Chapter 1. Overview... 1 Chapter 2. Creating A Dataset Using Data From An S3 Endpoint... 2 Chapter 3. Writing a DIGITS

More information

Tutorial on Keras CAP ADVANCED COMPUTER VISION SPRING 2018 KISHAN S ATHREY

Tutorial on Keras CAP ADVANCED COMPUTER VISION SPRING 2018 KISHAN S ATHREY Tutorial on Keras CAP 6412 - ADVANCED COMPUTER VISION SPRING 2018 KISHAN S ATHREY Deep learning packages TensorFlow Google PyTorch Facebook AI research Keras Francois Chollet (now at Google) Chainer Company

More information

Get Started Tutorials How To Mobile API Resources About

Get Started Tutorials How To Mobile API Resources About 11/28/2016 Introduction Get Started Tutorials How To Mobile API Resources About Introduction Let's get you up and running with TensorFlow! But before we even get started, let's peek at what TensorFlow

More information

Onto Petaflops with Kubernetes

Onto Petaflops with Kubernetes Onto Petaflops with Kubernetes Vishnu Kannan Google Inc. vishh@google.com Key Takeaways Kubernetes can manage hardware accelerators at Scale Kubernetes provides a playground for ML ML journey with Kubernetes

More information

Bright Cluster Manager: Using the NVIDIA NGC Deep Learning Containers

Bright Cluster Manager: Using the NVIDIA NGC Deep Learning Containers Bright Cluster Manager: Using the NVIDIA NGC Deep Learning Containers Technical White Paper Table of Contents Pre-requisites...1 Setup...2 Run PyTorch in Kubernetes...3 Run PyTorch in Singularity...4 Run

More information

Assignment4. November 29, Follow the directions on https://www.tensorflow.org/install/ to install Tensorflow on your computer.

Assignment4. November 29, Follow the directions on https://www.tensorflow.org/install/ to install Tensorflow on your computer. Assignment4 November 29, 2017 1 CSE 252A Computer Vision I Fall 2017 1.1 Assignment 4 1.2 Problem 1: Install Tensorflow [2 pts] Follow the directions on https://www.tensorflow.org/install/ to install Tensorflow

More information

Open Standards for Vision and AI Peter McGuinness NNEF WG Chair CEO, Highwai, Inc May 2018

Open Standards for Vision and AI Peter McGuinness NNEF WG Chair CEO, Highwai, Inc May 2018 Copyright Khronos Group 2018 - Page 1 Open Standards for Vision and AI Peter McGuinness NNEF WG Chair CEO, Highwai, Inc peter.mcguinness@gobrach.com May 2018 Khronos Mission E.g. OpenGL ES provides 3D

More information

Deploying Deep Learning Networks to Embedded GPUs and CPUs

Deploying Deep Learning Networks to Embedded GPUs and CPUs Deploying Deep Learning Networks to Embedded GPUs and CPUs Rishu Gupta, PhD Senior Application Engineer, Computer Vision 2015 The MathWorks, Inc. 1 MATLAB Deep Learning Framework Access Data Design + Train

More information

Demystifying Deep Learning

Demystifying Deep Learning Demystifying Deep Learning Mandar Gujrathi Mandar.Gujrathi@mathworks.com.au 2015 The MathWorks, Inc. 1 2 Deep Learning Applications Voice assistants (speech to text) Teaching character to beat video game

More information

Hardware and Software. Fei-Fei Li & Justin Johnson & Serena Yeung. Lecture 6-1

Hardware and Software. Fei-Fei Li & Justin Johnson & Serena Yeung. Lecture 6-1 Lecture 6: Hardware and Software Lecture 6-1 Administrative Assignment 1 was due yesterday. Assignment 2 is out, due Wed May 1. Project proposal due Wed April 24. Project-only office hours leading up to

More information

TensorFlow. Research at Scale. Rajat Monga

TensorFlow. Research at Scale. Rajat Monga TensorFlow Research at Scale Rajat Monga Decision Trees Signal Processing Neural Nets Linear Algebra BayesFlow Random Forests C++ Frontend Python Frontend... TensorFlow Distributed Execution Engine CPU

More information

USING NGC WITH GOOGLE CLOUD PLATFORM

USING NGC WITH GOOGLE CLOUD PLATFORM USING NGC WITH GOOGLE CLOUD PLATFORM DU-08962-001 _v02 April 2018 Setup Guide TABLE OF CONTENTS Chapter 1. Introduction to... 1 Chapter 2. Deploying an NVIDIA GPU Cloud Image from the GCP Console...3 2.1.

More information

2015 The MathWorks, Inc. 1

2015 The MathWorks, Inc. 1 2015 The MathWorks, Inc. 1 개발에서구현까지 MATLAB 환경에서의딥러닝 김종남 Application Engineer 2015 The MathWorks, Inc. 2 3 Why MATLAB for Deep Learning? MATLAB is Productive MATLAB is Fast MATLAB Integrates with Open Source

More information

AI & Machine Learning at Amazon

AI & Machine Learning at Amazon DevDay Berlin AI & Machine Learning at Amazon Ian Massingham IanMmmm Developer Technology Evangelism, Amazon Web Services ianm@amazon.com 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved.

More information

Open Source at Amazon. Alolita Sharma Principal Technologist, Amazon Web Services FOSS Backstage, Berlin June

Open Source at Amazon. Alolita Sharma Principal Technologist, Amazon Web Services FOSS Backstage, Berlin June at Amazon Alolita Sharma Principal Technologist, Amazon Web Services Twitter: @alolita FOSS Backstage, Berlin June 13-14 2018 @ Amazon What are we doing How can you get involved Agenda How can you benefit

More information

NVIDIA DLI HANDS-ON TRAINING COURSE CATALOG

NVIDIA DLI HANDS-ON TRAINING COURSE CATALOG NVIDIA DLI HANDS-ON TRAINING COURSE CATALOG Valid Through July 31, 2018 INTRODUCTION The NVIDIA Deep Learning Institute (DLI) trains developers, data scientists, and researchers on how to use artificial

More information

Machine Learning In A Snap. Thomas Parnell Research Staff Member IBM Research - Zurich

Machine Learning In A Snap. Thomas Parnell Research Staff Member IBM Research - Zurich Machine Learning In A Snap Thomas Parnell Research Staff Member IBM Research - Zurich What are GLMs? Ridge Regression Support Vector Machines Regression Generalized Linear Models Classification Lasso Regression

More information

TENSORFLOW: LARGE-SCALE MACHINE LEARNING ON HETEROGENEOUS DISTRIBUTED SYSTEMS. by Google Research. presented by Weichen Wang

TENSORFLOW: LARGE-SCALE MACHINE LEARNING ON HETEROGENEOUS DISTRIBUTED SYSTEMS. by Google Research. presented by Weichen Wang TENSORFLOW: LARGE-SCALE MACHINE LEARNING ON HETEROGENEOUS DISTRIBUTED SYSTEMS by Google Research presented by Weichen Wang 2016.11.28 OUTLINE Introduction The Programming Model The Implementation Single

More information

Foolbox Documentation

Foolbox Documentation Foolbox Documentation Release 1.2.0 Jonas Rauber & Wieland Brendel Jun 27, 2018 User Guide 1 Robust Vision Benchmark 3 1.1 Installation................................................ 3 1.2 Tutorial..................................................

More information

Tutorial on Machine Learning Tools

Tutorial on Machine Learning Tools Tutorial on Machine Learning Tools Yanbing Xue Milos Hauskrecht Why do we need these tools? Widely deployed classical models No need to code from scratch Easy-to-use GUI Outline Matlab Apps Weka 3 UI TensorFlow

More information

M. Sc. (Artificial Intelligence and Machine Learning)

M. Sc. (Artificial Intelligence and Machine Learning) Course Name: Advanced Python Course Code: MSCAI 122 This course will introduce students to advanced python implementations and the latest Machine Learning and Deep learning libraries, Scikit-Learn and

More information

Experiments with Tensor Flow

Experiments with Tensor Flow Experiments with Tensor Flow 06.07.2017 Roman Weber (Geschäftsführer) Richard Schmid (Senior Consultant) A Smart Home? 2 WEBGATE WELTWEIT WebGate USA Boston WebGate Support Center Brno, Tschechische Republik

More information

TENSORFLOW. DU _v1.8.0 June User Guide

TENSORFLOW. DU _v1.8.0 June User Guide TENSORFLOW DU-08601-001_v1.8.0 June 2018 User Guide TABLE OF CONTENTS Chapter 1. Overview Of... 1 1.1. Contents Of The NVIDIA Container... 1 Chapter 2. Pulling The Container... 3 Chapter 3. Running A Container...4

More information

Machine Learning with Python

Machine Learning with Python DEVNET-2163 Machine Learning with Python Dmitry Figol, SE WW Enterprise Sales @dmfigol Cisco Spark How Questions? Use Cisco Spark to communicate with the speaker after the session 1. Find this session

More information

Demystifying Deep Learning

Demystifying Deep Learning Demystifying Deep Learning Let the computers do the hard work Jérémy Huard 2015 The MathWorks, Inc. 1 2 Why MATLAB for Deep Learning? MATLAB is Productive MATLAB is Fast MATLAB Integrates with Open Source

More information

Machine Learning Software ROOT/TMVA

Machine Learning Software ROOT/TMVA Machine Learning Software ROOT/TMVA LIP Data Science School / 12-14 March 2018 ROOT ROOT is a software toolkit which provides building blocks for: Data processing Data analysis Data visualisation Data

More information

End to End Optimization Stack for Deep Learning

End to End Optimization Stack for Deep Learning End to End Optimization Stack for Deep Learning Presenter: Tianqi Chen Paul G. Allen School of Computer Science & Engineering University of Washington Collaborators University of Washington AWS AI Team

More information

Neural Network Exchange Format

Neural Network Exchange Format Copyright Khronos Group 2017 - Page 1 Neural Network Exchange Format Deploying Trained Networks to Inference Engines Viktor Gyenes, specification editor Copyright Khronos Group 2017 - Page 2 Outlook The

More information

PROGRAMMING THE IPU POPLAR

PROGRAMMING THE IPU POPLAR PROGRAMMING THE IPU POPLAR FAMILIAR PROGRAMMING LANGUAGES High-level graph APIs built on Poplar native graph abstraction LIBRARY API POPLAR API POPLAR IPU GRAPH FRAMEWORK POPNN POPLIN POPOPS POPRAND POPLAR

More information

Practical Applications of Machine Learning for Image and Video in the Cloud

Practical Applications of Machine Learning for Image and Video in the Cloud Practical Applications of Machine Learning for Image and Video in the Cloud Shawn Przybilla, AWS Solutions Architect M&E @shawnprzybilla 2/27/18 There were 3.7 Billion internet users in 2017 1.2 Trillion

More information

BAYESIAN MACHINE LEARNING IN PYTHON: A/B TESTING UDEMY MASTERING MACHINE LEARNING FOR PENETRATION TESTING PACKT

BAYESIAN MACHINE LEARNING IN PYTHON: A/B TESTING UDEMY MASTERING MACHINE LEARNING FOR PENETRATION TESTING PACKT PDF BAYESIAN MACHINE LEARNING IN PYTHON: A/B TESTING UDEMY MASTERING MACHINE LEARNING FOR PENETRATION TESTING PACKT 1 / 6 2 / 6 3 / 6 learning python testing pdf This course is all about A/B testing. A/B

More information

Core ML in Depth. System Frameworks #WWDC17. Krishna Sridhar, Core ML Zach Nation, Core ML

Core ML in Depth. System Frameworks #WWDC17. Krishna Sridhar, Core ML Zach Nation, Core ML System Frameworks #WWDC17 Core ML in Depth Krishna Sridhar, Core ML Zach Nation, Core ML 2017 Apple Inc. All rights reserved. Redistribution or public display not permitted without written permission from

More information

Index. Mark Wickham 2018 M. Wickham, Practical Java Machine Learning,

Index. Mark Wickham 2018 M. Wickham, Practical Java Machine Learning, A Access points (AP), 80 Amazon AWS advantages, 123 cloud-based services, 123 data schema, 128 data validation, 127 128 EC2 AMI, 131 free tier pricing details, 147 Java developers, 143 ML model, 126 evaluation,

More information

Index. Umberto Michelucci 2018 U. Michelucci, Applied Deep Learning,

Index. Umberto Michelucci 2018 U. Michelucci, Applied Deep Learning, A Acquisition function, 298, 301 Adam optimizer, 175 178 Anaconda navigator conda command, 3 Create button, 5 download and install, 1 installing packages, 8 Jupyter Notebook, 11 13 left navigation pane,

More information

Deep learning in MATLAB From Concept to CUDA Code

Deep learning in MATLAB From Concept to CUDA Code Deep learning in MATLAB From Concept to CUDA Code Roy Fahn Applications Engineer Systematics royf@systematics.co.il 03-7660111 Ram Kokku Principal Engineer MathWorks ram.kokku@mathworks.com 2017 The MathWorks,

More information

Scalable Machine Learning in R. with H2O

Scalable Machine Learning in R. with H2O Scalable Machine Learning in R with H2O Erin LeDell @ledell DSC July 2016 Introduction Statistician & Machine Learning Scientist at H2O.ai in Mountain View, California, USA Ph.D. in Biostatistics with

More information

Vinnie Saini Cloud Solution Architect Big Data & AI

Vinnie Saini Cloud Solution Architect Big Data & AI Vinnie Saini Cloud Solution Architect Big Data & AI vasaini@microsoft.com data intelligence cloud Data + Intelligence + Cloud Extensible Applications Easy to consume Artificial Intelligence Most comprehensive

More information

SAP Enable Now What s New. WHAT S NEW PUBLIC Version 1.0, Feature Pack SAP Enable Now What s New. Introduction PUBLIC 1

SAP Enable Now What s New. WHAT S NEW PUBLIC Version 1.0, Feature Pack SAP Enable Now What s New. Introduction PUBLIC 1 WHAT S NEW PUBLIC Version 1.0, Feature Pack 1902 20.02.2019 2019 SAP SE or an SAP affiliate company. All rights reserved. Introduction PUBLIC 1 Table of Contents Introduction... 4 Further Information...

More information

PLT: Inception (cuz there are so many layers)

PLT: Inception (cuz there are so many layers) PLT: Inception (cuz there are so many layers) By: Andrew Aday, (aza2112) Amol Kapoor (ajk2227), Jonathan Zhang (jz2814) Proposal Abstract Overview of domain Purpose Language Outline Types Operators Syntax

More information

Embedding Tensorflow in applica4ons. Daniël de Kok

Embedding Tensorflow in applica4ons. Daniël de Kok Embedding Tensorflow in applica4ons Daniël de Kok Introduc)on You have learned about Deep Learning in NLP. You can construct computa;on graphs in Tensorflow. You know how to op;mize model parameters. But

More information

Characterization and Benchmarking of Deep Learning. Natalia Vassilieva, PhD Sr. Research Manager

Characterization and Benchmarking of Deep Learning. Natalia Vassilieva, PhD Sr. Research Manager Characterization and Benchmarking of Deep Learning Natalia Vassilieva, PhD Sr. Research Manager Deep learning applications Vision Speech Text Other Search & information extraction Security/Video surveillance

More information

NVIDIA DEEP LEARNING INSTITUTE

NVIDIA DEEP LEARNING INSTITUTE NVIDIA DEEP LEARNING INSTITUTE TRAINING CATALOG Valid Through July 31, 2018 INTRODUCTION The NVIDIA Deep Learning Institute (DLI) trains developers, data scientists, and researchers on how to use artificial

More information

HPC & BD Survey: Results for participants who use resources outside of NJIT

HPC & BD Survey: Results for participants who use resources outside of NJIT HPC & BD Survey: Results for participants who use resources outside of NJIT Questions concerning uses of HP/BD resources outside of NJIT were contained in Section 1 of the survey, HPC Hardware Resources.

More information

Scaled Machine Learning at Matroid

Scaled Machine Learning at Matroid Scaled Machine Learning at Matroid Reza Zadeh @Reza_Zadeh http://reza-zadeh.com Machine Learning Pipeline Learning Algorithm Replicate model Data Trained Model Serve Model Repeat entire pipeline Scaling

More information

Encoding RNNs, 48 End of sentence (EOS) token, 207 Exploding gradient, 131 Exponential function, 42 Exponential Linear Unit (ELU), 44

Encoding RNNs, 48 End of sentence (EOS) token, 207 Exploding gradient, 131 Exponential function, 42 Exponential Linear Unit (ELU), 44 A Activation potential, 40 Annotated corpus add padding, 162 check versions, 158 create checkpoints, 164, 166 create input, 160 create train and validation datasets, 163 dropout, 163 DRUG-AE.rel file,

More information

Package sgmcmc. September 26, Type Package

Package sgmcmc. September 26, Type Package Type Package Package sgmcmc September 26, 2017 Title Stochastic Gradient Markov Chain Monte Carlo Version 0.2.0 Provides functions that performs popular stochastic gradient Markov chain Monte Carlo (SGMCMC)

More information

This document (including, without limitation, any product roadmap or statement of direction data) illustrates the planned testing, release and

This document (including, without limitation, any product roadmap or statement of direction data) illustrates the planned testing, release and It s an Event-Driven World Abram Van Der Geest Machine Learning Product Technologist Building a smarter edge with TensorFlow and Project Flogo 2 DISCLAIMER During the course of this presentation, TIBCO

More information

The OpenVX Computer Vision and Neural Network Inference

The OpenVX Computer Vision and Neural Network Inference The OpenVX Computer and Neural Network Inference Standard for Portable, Efficient Code Radhakrishna Giduthuri Editor, OpenVX Khronos Group radha.giduthuri@amd.com @RadhaGiduthuri Copyright 2018 Khronos

More information

Why data science is the new frontier in software development

Why data science is the new frontier in software development Why data science is the new frontier in software development And why every developer should care Jeff Prosise jeffpro@wintellect.com @jprosise Assertion #1 Being a programmer is like being the god of your

More information

Lecture note 4: How to structure your model in TensorFlow

Lecture note 4: How to structure your model in TensorFlow Lecture note 4: How to structure your model in TensorFlow CS 20SI: TensorFlow for Deep Learning Research (cs20si.stanford.edu) Prepared by Chip Huyen ( huyenn@stanford.edu ) Reviewed by Danijar Hafner

More information

CS 523: Multimedia Systems

CS 523: Multimedia Systems CS 523: Multimedia Systems Angus Forbes creativecoding.evl.uic.edu/courses/cs523 Today - Convolutional Neural Networks - Work on Project 1 http://playground.tensorflow.org/ Convolutional Neural Networks

More information

An Introduction to NNs using Keras

An Introduction to NNs using Keras An Introduction to NNs using Keras Michela Paganini michela.paganini@cern.ch Yale University 1 Keras Modular, powerful and intuitive Deep Learning python library built on Theano and TensorFlow Minimalist,

More information

FROM VSTS TO AZURE DEVOPS

FROM VSTS TO AZURE DEVOPS #DOH18 FROM VSTS TO AZURE DEVOPS People. Process. Products. Gaetano Paternò @tanopaterno info@gaetanopaterno.it 2 VSTS #DOH18 3 Azure DevOps Azure Boards (ex Work) Deliver value to your users faster using

More information

What is Tensorflow? TensorFlow is a Python-friendly open source library for numerical computation that makes machine learning faster and easier.

What is Tensorflow? TensorFlow is a Python-friendly open source library for numerical computation that makes machine learning faster and easier. Tensorflow What is Tensorflow? TensorFlow is a Python-friendly open source library for numerical computation that makes machine learning faster and easier. TensorFlow computations are expressed as stateful

More information

Introduction to TensorFlow. Mor Geva, Apr 2018

Introduction to TensorFlow. Mor Geva, Apr 2018 Introduction to TensorFlow Mor Geva, Apr 2018 Introduction to TensorFlow Mor Geva, Apr 2018 Plan Why TensorFlow Basic Code Structure Example: Learning Word Embeddings with Skip-gram Variable and Name Scopes

More information

NVIDIA GPU CLOUD DEEP LEARNING FRAMEWORKS

NVIDIA GPU CLOUD DEEP LEARNING FRAMEWORKS TECHNICAL OVERVIEW NVIDIA GPU CLOUD DEEP LEARNING FRAMEWORKS A Guide to the Optimized Framework Containers on NVIDIA GPU Cloud Introduction Artificial intelligence is helping to solve some of the most

More information

Getting Started with TensorFlow : Part II

Getting Started with TensorFlow : Part II TensorFlow Workshop 2018 Getting Started with TensorFlow Part II : Monitoring Training and Validation Nick Winovich Department of Mathematics Purdue University July 2018 Outline 1 Monitored Training Sessions

More information

Developing Intelligent Apps

Developing Intelligent Apps Developing Intelligent Apps Lab 1 Creating a Simple Client Application By Gerry O'Brien Overview In this lab you will construct a simple client application that will call an Azure ML web service that you

More information

AWS DeepLens Workshop: Building a Computer Vision App

AWS DeepLens Workshop: Building a Computer Vision App AWS DeepLens Workshop: Building a Computer Vision App Jyothi Nookula - Senior Product Manager, Amazon Web Services May 23 rd 2018 AWS DeepLens is not a video camera I t s t h e w o r l d s f i r s t d

More information

arxiv: v2 [hep-ex] 14 Nov 2018

arxiv: v2 [hep-ex] 14 Nov 2018 arxiv:1811.04492v2 [hep-ex] 14 Nov 2018 Machine Learning as a Service for HEP Valentin Kuznetsov 1, 1 Cornell University, Ithaca, NY, USA 14850 1 Introduction Abstract. Machine Learning (ML) will play

More information

SCIENCE. An Introduction to Python Brief History Why Python Where to use

SCIENCE. An Introduction to Python Brief History Why Python Where to use DATA SCIENCE Python is a general-purpose interpreted, interactive, object-oriented and high-level programming language. Currently Python is the most popular Language in IT. Python adopted as a language

More information

Nvidia Jetson TX2 and its Software Toolset. João Fernandes 2017/2018

Nvidia Jetson TX2 and its Software Toolset. João Fernandes 2017/2018 Nvidia Jetson TX2 and its Software Toolset João Fernandes 2017/2018 In this presentation Nvidia Jetson TX2: Hardware Nvidia Jetson TX2: Software Machine Learning: Neural Networks Convolutional Neural Networks

More information

Deep Nets with. Keras

Deep Nets with. Keras docs https://keras.io Deep Nets with Keras κέρας http://vem.quantumunlimited.org/the-gates-of-horn/ Professor Marie Roch These slides only cover enough to get started with feed-forward networks and do

More information

TensorFlow for Deep Learning

TensorFlow for Deep Learning TensorFlow for Deep Learning Oliver Dürr Datalab-Lunch Seminar Series Winterthur, 23 Nov, 2016 Code: github.com/oduerr/dl_tutorial/ 4 Leftovers Notes and things I forgot The Mandelbrot example now also

More information

Automatic Code Generation TVM Stack

Automatic Code Generation TVM Stack Automatic Code Generation TVM Stack CSE 599W Spring TVM stack is an active project by saml.cs.washington.edu and many partners in the open source community The Gap between Framework and Hardware Frameworks

More information

Day 1 Lecture 6. Software Frameworks for Deep Learning

Day 1 Lecture 6. Software Frameworks for Deep Learning Day 1 Lecture 6 Software Frameworks for Deep Learning Packages Caffe Theano NVIDIA Digits Lasagne Keras Blocks Torch TensorFlow MxNet MatConvNet Nervana Neon Leaf Caffe Deep learning framework from Berkeley

More information

Video Object Segmentation using Deep Learning

Video Object Segmentation using Deep Learning Video Object Segmentation using Deep Learning Update Presentation, Week 2 Zack While Advised by: Rui Hou, Dr. Chen Chen, and Dr. Mubarak Shah May 26, 2017 Youngstown State University 1 Table of Contents

More information

Deep learning in action with DL4J

Deep learning in action with DL4J Deep learning in action with DL4J Sigrid Keydana Trivadis München Keywords Deep Learning, Machine Learning, Artificial Intelligence, DL4J, Deeplearning4j, Java, Anomaly Detection Introduction In this second

More information