SlideShare ist ein Scribd-Unternehmen logo
1 von 28
Downloaden Sie, um offline zu lesen
Frameworks & Libraries
of
Machine Learning & Deep Learning
Table of Contents
1.ML Frameworks & Libraries
2.Jupyter Framework
3.Jupyter Application and Use Cases
4.Scikit Learn
5.Real World Applications of Scikit Learn
6.Modules of Scikit-Learn
7.Some of the algorithms used in Modules
8.Numpy
9.Pandas
10.Scipy Introduction
11.Scipy Task Specific Sub-Modules
12.Jupyter Libraries (Visualization)
13.Jupyter Libraries (NLP)
14.Zeppelin Framework
15.PySpark Framework
16.DL Frameworks & Libraries
17.TensorFlow
18.Keras
19.PyTorch
20.MXNet & Gluon
21.Chainer & CNTK
22.ONNX
Machine Learning Frameworks & Libraries
Frameworks
Jupyter
PySpark
Zeppelin
Natutal Language Processing
NLTK
Gensim
spaCy
General Libraries
Numpy
Scikit learn
Scipy
Pandas
Mllib
Visualization
Seaborn
Bokeh
Plotly
Matplotlib
Jupyter Framework
Jupyter User Interface
Jupyter Notebook
Jupyter Console
Jupyter QtConsole
Jupyter Console- It is a terminal
with kernels using Jupyter
protocol.
It can be installed with:
pip install jupyter -console
If you want to conda
Conda install -c conda-forge
jupyter-console
Jupyter Qt Console- The Qt console
is a lightweight application that largely
Looks like a terminal, but provides
enhancements possible in GUI
such as multiline editing, graphical
calltips and much more. It can
use any Jupyter kernal.
Jupyter Notebook – Jupyter Notebook
is a development environment for
writing and executing Python code.
The notebook is often used for analysis
with description and also for
executable documents to perform
data analysis.
Jupyter Applications and Use Cases
Application
Jupyter for Data Science
What causes cancer?
Is Ice-cream good for you?
Jupyter through large datasets
exploration prediction & inference
could give you the answer.
Jupyter kernals used in Data Science
Python, R, Julia, Bash
Use Cases
Notebook innovation of Netflix
PayPal Notebook
DevOps Intelligence with Jupyter Hub
Bloomberg B Quant Platform
Scikit Learn
Scikit Learn built for
machine learning library
is a Python module. Built
on Numpy, Scipy and
Matplotlib it contains
various algorithms in
Classification, Clustering,
Regression, Model Selection,
Dimensionality Reduction
and Preprocessing.
Dependencies
Python (>= 3.5)
Numpy (>= 1.11.0)
Scipy (>= 0.17.0)
Joblib (>= 0.11)
How to use
If Numpy & Scipy Installed
then use
pip install -U scikit-learn
Else
conda install scikit learn
Real world Applications of Scikit Learn
Visualizaing the stock market structure
Recognizing handwritten digits
Hierarchial clustering on image of coins
Face Completion with multi-output estimators
Comparing anamoly detection algorithms for outlier detection
Isotonic Regression
Compact Estimator Representation
Modules of Scikit Learn(Part1)
Biclustering
Clustering
Covariance Estimation
Cross Decomposition
Decomposition
Ensemble Methods
Feature Selection
Gaussian Process of Machine Learning
Missing Value Imputation
Generalized Linear Models
sklear.cluster.bicluster
sklearn.cluster
sklearn.covariance
sklearn.cross_decomposition
sklearn.decomposition
sklearn.ensemble
sklearn.feature_selection
sklearn.gaussian_process
sklearn.impute
sklearn.linear_model
Manifold Learning
Inspection
Gaussian Mixture Models
Model Selection
Multioutput Methods
Nearest Neighbors
Neural Networks
Pre-processing
Semi Supervised Classification
Super Vector Machines
Decision Trees
sklearn.manifold
sklearn.inspection
sklearn.mixture
sklearn.model_selection
sklearn.multioutput
sklearn.neighbors
sklearn.neural_network
sklearn.preprocessing
sklearn.semi_supervised
sklearn.svm
sklearn.tree
Some of the algorithms used in Modules
Spectral Co-Clustering algorithm- Rearranging the original
dataset after shuffling rows and columns to make bi-clusters contiguous.
Spectral Biclustering algorithm- Rows and columns of shuffled matrix
are rearranged to show the biclusters formed by the algorithm.
Feature Agglomeration- Similar features from different images
merged together to form a new image.
Affinity Propagation - Clustering by
passing messages between datapoints.
Sparse Inverse Covariance Estimation
Shrinkage Covariance Estimation
Numpy
It contains
1. useful linear algebra, Fourier transform,
and random number capabiliies
2. tools for integrating C/C++ and
Fortran code
3. sophisticated functions
4. a powerful N-dimensional array object.
To install NumPy package
pip install numpy
Use
Numpy is used as an efficient
multi-dimensional container
of generic data.
Numpy or “Numerical Python” is a Python
library that provides fundamental
package for Scientific computing.
Important Data Types
One Dimensional Array
Multi-Dimensional Array
Boolean
Integer
Float
Complex
Mathematical Functions
Add, Subtract, Multiple,
Divide, Power, Mod
Rounding,Ceil,Floor
Statistical
Trigonometric
Algebra
Pandas
Pandas is a open source Python library that provides data wrangling and analysis techniques to clean the data mess.
Implemented in 2008 by Wes Mckinney on top of C hence it’s fast.
To install Pandas use Python Package Installer Pip
pip install pandas
Pandas Functionality (General)
Reading CSV File
Reading Excel File
Head
Tail
Transpose
Describe
Pandas Functionality (Feature Engineering)
To check for Missing Values
To Drop Missing Values
To fill Missing Values – Direct Replace
To fill Missing Values – Backward Or Forward
Compare Elements in Percentage
Compute Standard Deviation
ComputeCovariance
Compute Correlation
Filtering Merging
Plotting Data Frames
Scipy is a high-level Scientific Computing that contains various toolboxes. It contains different submodules corresponding to
different applications such as interpolation, integration, optimization, image processing, statistics, special functions, etc.
Different Applications
File input/output
Special Functions
Linear Algebra Operations
Interpolation
Optimization and fit
Statistics and random numbers
Numerical Integration
Fast Fourier Transforms
Signal processing
Image Manipulation
scipy.io
Scipy.special
scipy.linalg
scipy.interpolate
scipy.optimize
scipy.stats
scipy.integrate
scipy.fftpack
scipy.signal
scipy.ndimage
Scipy
Scipy Task Specific Sub-Modules
scipy.cluster Vector quantization / Kmeans
scipy.constants Physical and mathematical constants
scipy.fftpack Fourier transform
scipy.integrate Integration routines
scipy.interpolate Interpolation
scipy.io Data input and output
scipy.linalg Linear algebra routines
scipy.ndimage N-dimensional image package
scipy.odr Orthogonal distance regression
scipy.optimize Optimization
scipy.signal Signal processing
scipy.sparse Sparse matrices
scipy.spatial Spatial data structures and algorithms
scipy.special Any special mathematical functions
scipy.stats Statistics
Jupyter Libraries (Visualization)
What Why How
Seaborn – Seaborn is a
Python library for
Statistical graphics.
Bokeh- Bokeh is a Python
library that target web
browsers for representation
and interactive visualization.
conda install seaborn
pip install seaborn
Conda install bokeh
pip install bokeh
Ease of representation online-
Easy to display charts online
Complex statistical plots are
easily plotted with simple commands
Transform visualizations from
seaborn, matplotlib and ggplot
Interactive – Graphs embedded
in html is fully ineteractive on
other web pages
Examines relationship between
multiple variables.
Visualize univariate or bivariate
distributions and for comparing
subsets of data.
An easy viwe of complex
datasets structure.
Build Comnples visualiations
of high level abstractions
pip install plotly
conda install -c plotly plotly=4.1.0
python -m pip install -U pip
python -m pip install -U matplotlib
Plotly-The plotly is an
interactive a Python library
that covers 40 unique chart
types ranging from statistical,
financial, geograohic,
scientifiic and 3-D usecases.
Matplotlib- Matplotlib is a
Python 2D plotting library
which produces quality figures
in variety of hardcopy formats
and interactive environments
across different platforms.
Basic Charts- Scatter Plots, Line Plot,
Bar Charts, PirCharts
Statistical and Seaborn-style Charts
Error Bars, Box Plots, Histograms,
Distplots
Scientific Charts- Contour Plots,
Heatmaps, Wind Rose Charts
Financial Charts -Time Series,
Candlestick Charts, Waterfall Charts
Lines, bars and markers such as
Stacked Bar Graph, Broken Barh,
plotting categorical Variables etc.
Plots in images contours and fields
Subplots, axes and figures
Statistics- Boxplot, Violin plots,
Pie and Polar Charts
Jupyter Libraries (NLP)
What Why
Convert text to lower case
word tokenize
sent tokenize
stop words removal
lemma
stemming
Get word frequency
NER(Named Entity Recognition)
How
Memory Independence- can process
large, web scale corpora
Efficient implemetations for Latent
sementic Analysis, Latent Dirichlet
Allocation or Random Projection
Similarity queries for documents in
their semeantic representation
NLTK- NLTK is a python library
for natural language processing
that works with human language
data along with text processing
libraries for classification, tokenization,
stemming, tagging, parsing.
Gensim- Gensim is a Python
library for topic modelling,
document indexing and
similarity retrieval. The
target audience are natural
language processing (NLP)
and information retrieval (IR).
pip install nltk
pip install gensim
pip install spacy
spaCy – A package for “Industrial
strength NLP in Python”.
It does not weigh the user
down with decisions over what
esoteric algorithms to use for common
tasks and it’s fast.
Has many convenience methods for
cleaning and normalising text.
Word-to-vector transformations
Dependency Parsing
Part-of-speech tagging
Zeppelin Framework
Apache Zeppelin is a
web-based notebook
that enables data-driven
interactive analytics and
collaborative documents
with Scala, SQL and much more.
Apache Zeppelin is build
on the JVM while Jupyter
is built on Python.
With Zeppelin there are possibilities
to mix languages across cells.
Zeppelin supports Scala, Python,
SparksSQL,Hive, Markdown and
Shell and we can make our own
language interpreter.
It is data exploration and
visualization intended for
big data and large scale projects.
PySpark Framework
Pyspark is great for
performing exploratory
data analysis at scale,
building machine learning
pipelines and to create
ETLs for data platform.
pip install pyspark
Libraries
Py4J – Popular library which is integrated
within Pyspark and allows to dynamically
interface JVM objects.
PySparkSQL- It is a PySpark library to apply
SQL-like analysis on huge structured and
semi-structured data.
Mllib - Mllib library uses the data parallelism
technique to store and work with data. It supports
many machine-learning algorithms for
Classification, regression, clustering,
collaborative filtering, dimensionality reduction,
and underlying optimization.
Deep Learning Frameworks & Libraries
Libraries
TenserFlow
PyTorch
Keras
MXNet
Caffe2
Gluon
Chainer
ONNX
CNTK
Frameworks
Jupyter
PySpark
Zappelin
TensorFlow
Tensorflow- TensorFlow is
computational framework
for building machine learning
models. We can do large and
complex computations easily
which is of high level and its
computation time is very optimized.
Implementations of
deep learning
Speech Recognition,
Computer Vision,
Robotics, Ir, NLP ETC.
Tensor – Tensor
is an N-dimensional
array of data.
Four main tensors
that we can create:
tf,Variable, tf.constant,
tf.placeholder and
tf.SparseTenser
TensorFlow Toolkit Hierarchy
Keras
Keras is a machine learning
framework specially useful
when you have a lot of data
and wants to go for AI:
deep learning.
It is useful for high-level API
Massive models of
deep learning are
easy to go in Keras
with single-line functions.
Keras does not block
access to lower level
frameworks.
Keras model
Serialization/Deserialization
APIs, callbacks, and
data streaming using
Python are very mature.
Keras is on higher level
not comparable to
Tenserflow which is
on lower level. On
Keras level the lower
level primitives are used
to implement Neural
network abstraction like
Layers and models.
PyTorch
The PyTorch is a
Software tool that
operates with
Dynamically updated
graph.
In PyTorch standard
debuggers can be
used such as pdb
or PyCharm.
The process of training
a neural network model
in PyTorch is simple
and clear and supports
data parallelism and
also supports
pre-trained models
MXNet & Gluon
MXNet – It is highly scalable deep
learning tool that can be used on
many devices.
It supports a large number of languages
( C++, Python, R, Julia, JavaScript, Scala,
Go and even Perl).
The framework is effectively parallel on
multiple GPUs and machines.
Fast Problem solving ability.
Gluon- It s a great deep learning framework
that can be used to create simple as well
as sophisticated models.
Specificity- Flexible interface and simplifies
prototyping, building and training deep learning
models without sacrificing speed to learn.
Based on MXNet and offers simple API
that simplifies creating deep learning model.
Brings together training algorithm and neural
network model thus providing flexibility in
development process without sacrifying performance.
Chainer & CNTK
Chainer- Chainer is first framework to use a dynamic
architecture model. It is written in Python on top of
the Numpy and CuPy libraries.
Chainer is faster than other Python oriented frameworks,
with TenserFlow the slowest inclusing MXNet and CNTK.
Better GPU data center performance than TenserFlow.
OOP like programming style.
CNTK is a Microsoft Cognitive Toolkit for
describing, training and executing computational
networks. It is an implementation of computational
networks that supports both CPU and GPU
CNTK inputs, outputs and parameters are
organised as tensers.
CNTK is also one of the first deep-learning
toolkits to support the Open Neural Network Exchange.
It can be included as library in Python,C#, or C++ programs.
ONNX
Built from the collaboration of Microsoft and Facebook as
a search for open format presentation of deep learning models.
It enables models to be trained in one framework inference
on the other when transferred.
Supported in Caffe2, Microsoft Cognitive Toolkit, and PyTorch.

Weitere ähnliche Inhalte

Was ist angesagt?

AI Vs ML Vs DL PowerPoint Presentation Slide Templates Complete Deck
AI Vs ML Vs DL PowerPoint Presentation Slide Templates Complete DeckAI Vs ML Vs DL PowerPoint Presentation Slide Templates Complete Deck
AI Vs ML Vs DL PowerPoint Presentation Slide Templates Complete DeckSlideTeam
 
introduction to data science
introduction to data scienceintroduction to data science
introduction to data sciencebhavesh lande
 
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...Simplilearn
 
And then there were ... Large Language Models
And then there were ... Large Language ModelsAnd then there were ... Large Language Models
And then there were ... Large Language ModelsLeon Dohmen
 
Using MLOps to Bring ML to Production/The Promise of MLOps
Using MLOps to Bring ML to Production/The Promise of MLOpsUsing MLOps to Bring ML to Production/The Promise of MLOps
Using MLOps to Bring ML to Production/The Promise of MLOpsWeaveworks
 
Introduction To TensorFlow
Introduction To TensorFlowIntroduction To TensorFlow
Introduction To TensorFlowSpotle.ai
 
AI and machine learning
AI and machine learningAI and machine learning
AI and machine learningITU
 
Introduction to deep learning
Introduction to deep learningIntroduction to deep learning
Introduction to deep learningAmr Rashed
 
Machine Learning Deep Learning AI and Data Science
Machine Learning Deep Learning AI and Data Science Machine Learning Deep Learning AI and Data Science
Machine Learning Deep Learning AI and Data Science Venkata Reddy Konasani
 
RESTful Machine Learning with Flask and TensorFlow Serving - Carlo Mazzaferro
RESTful Machine Learning with Flask and TensorFlow Serving - Carlo MazzaferroRESTful Machine Learning with Flask and TensorFlow Serving - Carlo Mazzaferro
RESTful Machine Learning with Flask and TensorFlow Serving - Carlo MazzaferroPyData
 
TensorFlow and Keras: An Overview
TensorFlow and Keras: An OverviewTensorFlow and Keras: An Overview
TensorFlow and Keras: An OverviewPoo Kuan Hoong
 
Deep Learning - The Past, Present and Future of Artificial Intelligence
Deep Learning - The Past, Present and Future of Artificial IntelligenceDeep Learning - The Past, Present and Future of Artificial Intelligence
Deep Learning - The Past, Present and Future of Artificial IntelligenceLukas Masuch
 
Introduction to Deep Learning (NVIDIA)
Introduction to Deep Learning (NVIDIA)Introduction to Deep Learning (NVIDIA)
Introduction to Deep Learning (NVIDIA)Rakuten Group, Inc.
 
How Netflix uses Python? Edureka
How Netflix uses Python? EdurekaHow Netflix uses Python? Edureka
How Netflix uses Python? EdurekaEdureka!
 
Deep learning with tensorflow
Deep learning with tensorflowDeep learning with tensorflow
Deep learning with tensorflowCharmi Chokshi
 
Vertex AI: Pipelines for your MLOps workflows
Vertex AI: Pipelines for your MLOps workflowsVertex AI: Pipelines for your MLOps workflows
Vertex AI: Pipelines for your MLOps workflowsMárton Kodok
 

Was ist angesagt? (20)

AI Vs ML Vs DL PowerPoint Presentation Slide Templates Complete Deck
AI Vs ML Vs DL PowerPoint Presentation Slide Templates Complete DeckAI Vs ML Vs DL PowerPoint Presentation Slide Templates Complete Deck
AI Vs ML Vs DL PowerPoint Presentation Slide Templates Complete Deck
 
introduction to data science
introduction to data scienceintroduction to data science
introduction to data science
 
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
 
And then there were ... Large Language Models
And then there were ... Large Language ModelsAnd then there were ... Large Language Models
And then there were ... Large Language Models
 
Azure ML Studio
Azure ML StudioAzure ML Studio
Azure ML Studio
 
Real time analytics
Real time analyticsReal time analytics
Real time analytics
 
Using MLOps to Bring ML to Production/The Promise of MLOps
Using MLOps to Bring ML to Production/The Promise of MLOpsUsing MLOps to Bring ML to Production/The Promise of MLOps
Using MLOps to Bring ML to Production/The Promise of MLOps
 
Introduction To TensorFlow
Introduction To TensorFlowIntroduction To TensorFlow
Introduction To TensorFlow
 
AI and machine learning
AI and machine learningAI and machine learning
AI and machine learning
 
Python for data science
Python for data sciencePython for data science
Python for data science
 
Introduction to deep learning
Introduction to deep learningIntroduction to deep learning
Introduction to deep learning
 
Machine Learning Deep Learning AI and Data Science
Machine Learning Deep Learning AI and Data Science Machine Learning Deep Learning AI and Data Science
Machine Learning Deep Learning AI and Data Science
 
RESTful Machine Learning with Flask and TensorFlow Serving - Carlo Mazzaferro
RESTful Machine Learning with Flask and TensorFlow Serving - Carlo MazzaferroRESTful Machine Learning with Flask and TensorFlow Serving - Carlo Mazzaferro
RESTful Machine Learning with Flask and TensorFlow Serving - Carlo Mazzaferro
 
TensorFlow and Keras: An Overview
TensorFlow and Keras: An OverviewTensorFlow and Keras: An Overview
TensorFlow and Keras: An Overview
 
Deep Learning - The Past, Present and Future of Artificial Intelligence
Deep Learning - The Past, Present and Future of Artificial IntelligenceDeep Learning - The Past, Present and Future of Artificial Intelligence
Deep Learning - The Past, Present and Future of Artificial Intelligence
 
Introduction to Deep Learning (NVIDIA)
Introduction to Deep Learning (NVIDIA)Introduction to Deep Learning (NVIDIA)
Introduction to Deep Learning (NVIDIA)
 
1.Introduction to deep learning
1.Introduction to deep learning1.Introduction to deep learning
1.Introduction to deep learning
 
How Netflix uses Python? Edureka
How Netflix uses Python? EdurekaHow Netflix uses Python? Edureka
How Netflix uses Python? Edureka
 
Deep learning with tensorflow
Deep learning with tensorflowDeep learning with tensorflow
Deep learning with tensorflow
 
Vertex AI: Pipelines for your MLOps workflows
Vertex AI: Pipelines for your MLOps workflowsVertex AI: Pipelines for your MLOps workflows
Vertex AI: Pipelines for your MLOps workflows
 

Ähnlich wie PPT4: Frameworks & Libraries of Machine Learning & Deep Learning

Mastering in Data Science 3RITPL-1 (1).pdf
Mastering in Data Science 3RITPL-1 (1).pdfMastering in Data Science 3RITPL-1 (1).pdf
Mastering in Data Science 3RITPL-1 (1).pdftarunprajapati0t
 
Which library should you choose for data-science? That's the question!
Which library should you choose for data-science? That's the question!Which library should you choose for data-science? That's the question!
Which library should you choose for data-science? That's the question!Anastasia Bobyreva
 
Basic of python for data analysis
Basic of python for data analysisBasic of python for data analysis
Basic of python for data analysisPramod Toraskar
 
Python for data science
Python for data sciencePython for data science
Python for data sciencebotsplash.com
 
A full Machine learning pipeline in Scikit-learn vs in scala-Spark: pros and ...
A full Machine learning pipeline in Scikit-learn vs in scala-Spark: pros and ...A full Machine learning pipeline in Scikit-learn vs in scala-Spark: pros and ...
A full Machine learning pipeline in Scikit-learn vs in scala-Spark: pros and ...Jose Quesada (hiring)
 
Introduction to Machine Learning with SciKit-Learn
Introduction to Machine Learning with SciKit-LearnIntroduction to Machine Learning with SciKit-Learn
Introduction to Machine Learning with SciKit-LearnBenjamin Bengfort
 
Intel’S Larrabee
Intel’S LarrabeeIntel’S Larrabee
Intel’S Larrabeevipinpnair
 
ScilabTEC 2015 - Scilab
ScilabTEC 2015 - ScilabScilabTEC 2015 - Scilab
ScilabTEC 2015 - ScilabScilab
 
SnappyData Ad Analytics Use Case -- BDAM Meetup Sept 14th
SnappyData Ad Analytics Use Case -- BDAM Meetup Sept 14thSnappyData Ad Analytics Use Case -- BDAM Meetup Sept 14th
SnappyData Ad Analytics Use Case -- BDAM Meetup Sept 14thSnappyData
 
Data science-toolchain
Data science-toolchainData science-toolchain
Data science-toolchainJie-Han Chen
 
Data-Science-with-python-Syllabus-compressed.pdf
Data-Science-with-python-Syllabus-compressed.pdfData-Science-with-python-Syllabus-compressed.pdf
Data-Science-with-python-Syllabus-compressed.pdfCCNACOURSE
 
Data-Science-with-python-Syllabus-compressed.pdf
Data-Science-with-python-Syllabus-compressed.pdfData-Science-with-python-Syllabus-compressed.pdf
Data-Science-with-python-Syllabus-compressed.pdfshubhrapandey20
 
Data science and OSS
Data science and OSSData science and OSS
Data science and OSSKevin Crocker
 
A Hands-on Intro to Data Science and R Presentation.ppt
A Hands-on Intro to Data Science and R Presentation.pptA Hands-on Intro to Data Science and R Presentation.ppt
A Hands-on Intro to Data Science and R Presentation.pptSanket Shikhar
 

Ähnlich wie PPT4: Frameworks & Libraries of Machine Learning & Deep Learning (20)

Mastering in Data Science 3RITPL-1 (1).pdf
Mastering in Data Science 3RITPL-1 (1).pdfMastering in Data Science 3RITPL-1 (1).pdf
Mastering in Data Science 3RITPL-1 (1).pdf
 
Which library should you choose for data-science? That's the question!
Which library should you choose for data-science? That's the question!Which library should you choose for data-science? That's the question!
Which library should you choose for data-science? That's the question!
 
Basic of python for data analysis
Basic of python for data analysisBasic of python for data analysis
Basic of python for data analysis
 
MTECH IT syllabus
MTECH IT syllabusMTECH IT syllabus
MTECH IT syllabus
 
System mldl meetup
System mldl meetupSystem mldl meetup
System mldl meetup
 
Python for data science
Python for data sciencePython for data science
Python for data science
 
A full Machine learning pipeline in Scikit-learn vs in scala-Spark: pros and ...
A full Machine learning pipeline in Scikit-learn vs in scala-Spark: pros and ...A full Machine learning pipeline in Scikit-learn vs in scala-Spark: pros and ...
A full Machine learning pipeline in Scikit-learn vs in scala-Spark: pros and ...
 
Scientific Python
Scientific PythonScientific Python
Scientific Python
 
Introduction to Machine Learning with SciKit-Learn
Introduction to Machine Learning with SciKit-LearnIntroduction to Machine Learning with SciKit-Learn
Introduction to Machine Learning with SciKit-Learn
 
Intel’S Larrabee
Intel’S LarrabeeIntel’S Larrabee
Intel’S Larrabee
 
ScilabTEC 2015 - Scilab
ScilabTEC 2015 - ScilabScilabTEC 2015 - Scilab
ScilabTEC 2015 - Scilab
 
SnappyData Ad Analytics Use Case -- BDAM Meetup Sept 14th
SnappyData Ad Analytics Use Case -- BDAM Meetup Sept 14thSnappyData Ad Analytics Use Case -- BDAM Meetup Sept 14th
SnappyData Ad Analytics Use Case -- BDAM Meetup Sept 14th
 
Data science-toolchain
Data science-toolchainData science-toolchain
Data science-toolchain
 
AI and Deep Learning
AI and Deep Learning AI and Deep Learning
AI and Deep Learning
 
Data-Science-with-python-Syllabus-compressed.pdf
Data-Science-with-python-Syllabus-compressed.pdfData-Science-with-python-Syllabus-compressed.pdf
Data-Science-with-python-Syllabus-compressed.pdf
 
Data-Science-with-python-Syllabus-compressed.pdf
Data-Science-with-python-Syllabus-compressed.pdfData-Science-with-python-Syllabus-compressed.pdf
Data-Science-with-python-Syllabus-compressed.pdf
 
04 open source_tools
04 open source_tools04 open source_tools
04 open source_tools
 
Data science and OSS
Data science and OSSData science and OSS
Data science and OSS
 
A Hands-on Intro to Data Science and R Presentation.ppt
A Hands-on Intro to Data Science and R Presentation.pptA Hands-on Intro to Data Science and R Presentation.ppt
A Hands-on Intro to Data Science and R Presentation.ppt
 
Java basics
Java basicsJava basics
Java basics
 

Kürzlich hochgeladen

Best VIP Call Girls Noida Sector 22 Call Me: 8448380779
Best VIP Call Girls Noida Sector 22 Call Me: 8448380779Best VIP Call Girls Noida Sector 22 Call Me: 8448380779
Best VIP Call Girls Noida Sector 22 Call Me: 8448380779Delhi Call girls
 
Delhi Call Girls Punjabi Bagh 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Call
Delhi Call Girls Punjabi Bagh 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip CallDelhi Call Girls Punjabi Bagh 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Call
Delhi Call Girls Punjabi Bagh 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Callshivangimorya083
 
VIP Model Call Girls Hinjewadi ( Pune ) Call ON 8005736733 Starting From 5K t...
VIP Model Call Girls Hinjewadi ( Pune ) Call ON 8005736733 Starting From 5K t...VIP Model Call Girls Hinjewadi ( Pune ) Call ON 8005736733 Starting From 5K t...
VIP Model Call Girls Hinjewadi ( Pune ) Call ON 8005736733 Starting From 5K t...SUHANI PANDEY
 
Ravak dropshipping via API with DroFx.pptx
Ravak dropshipping via API with DroFx.pptxRavak dropshipping via API with DroFx.pptx
Ravak dropshipping via API with DroFx.pptxolyaivanovalion
 
Discover Why Less is More in B2B Research
Discover Why Less is More in B2B ResearchDiscover Why Less is More in B2B Research
Discover Why Less is More in B2B Researchmichael115558
 
Zuja dropshipping via API with DroFx.pptx
Zuja dropshipping via API with DroFx.pptxZuja dropshipping via API with DroFx.pptx
Zuja dropshipping via API with DroFx.pptxolyaivanovalion
 
Log Analysis using OSSEC sasoasasasas.pptx
Log Analysis using OSSEC sasoasasasas.pptxLog Analysis using OSSEC sasoasasasas.pptx
Log Analysis using OSSEC sasoasasasas.pptxJohnnyPlasten
 
Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...
Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...
Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...amitlee9823
 
Al Barsha Escorts $#$ O565212860 $#$ Escort Service In Al Barsha
Al Barsha Escorts $#$ O565212860 $#$ Escort Service In Al BarshaAl Barsha Escorts $#$ O565212860 $#$ Escort Service In Al Barsha
Al Barsha Escorts $#$ O565212860 $#$ Escort Service In Al BarshaAroojKhan71
 
Edukaciniai dropshipping via API with DroFx
Edukaciniai dropshipping via API with DroFxEdukaciniai dropshipping via API with DroFx
Edukaciniai dropshipping via API with DroFxolyaivanovalion
 
Introduction-to-Machine-Learning (1).pptx
Introduction-to-Machine-Learning (1).pptxIntroduction-to-Machine-Learning (1).pptx
Introduction-to-Machine-Learning (1).pptxfirstjob4
 
BabyOno dropshipping via API with DroFx.pptx
BabyOno dropshipping via API with DroFx.pptxBabyOno dropshipping via API with DroFx.pptx
BabyOno dropshipping via API with DroFx.pptxolyaivanovalion
 
BDSM⚡Call Girls in Mandawali Delhi >༒8448380779 Escort Service
BDSM⚡Call Girls in Mandawali Delhi >༒8448380779 Escort ServiceBDSM⚡Call Girls in Mandawali Delhi >༒8448380779 Escort Service
BDSM⚡Call Girls in Mandawali Delhi >༒8448380779 Escort ServiceDelhi Call girls
 
Best VIP Call Girls Noida Sector 39 Call Me: 8448380779
Best VIP Call Girls Noida Sector 39 Call Me: 8448380779Best VIP Call Girls Noida Sector 39 Call Me: 8448380779
Best VIP Call Girls Noida Sector 39 Call Me: 8448380779Delhi Call girls
 
Cheap Rate Call girls Sarita Vihar Delhi 9205541914 shot 1500 night
Cheap Rate Call girls Sarita Vihar Delhi 9205541914 shot 1500 nightCheap Rate Call girls Sarita Vihar Delhi 9205541914 shot 1500 night
Cheap Rate Call girls Sarita Vihar Delhi 9205541914 shot 1500 nightDelhi Call girls
 
Call me @ 9892124323 Cheap Rate Call Girls in Vashi with Real Photo 100% Secure
Call me @ 9892124323  Cheap Rate Call Girls in Vashi with Real Photo 100% SecureCall me @ 9892124323  Cheap Rate Call Girls in Vashi with Real Photo 100% Secure
Call me @ 9892124323 Cheap Rate Call Girls in Vashi with Real Photo 100% SecurePooja Nehwal
 
Generative AI on Enterprise Cloud with NiFi and Milvus
Generative AI on Enterprise Cloud with NiFi and MilvusGenerative AI on Enterprise Cloud with NiFi and Milvus
Generative AI on Enterprise Cloud with NiFi and MilvusTimothy Spann
 
Carero dropshipping via API with DroFx.pptx
Carero dropshipping via API with DroFx.pptxCarero dropshipping via API with DroFx.pptx
Carero dropshipping via API with DroFx.pptxolyaivanovalion
 

Kürzlich hochgeladen (20)

Best VIP Call Girls Noida Sector 22 Call Me: 8448380779
Best VIP Call Girls Noida Sector 22 Call Me: 8448380779Best VIP Call Girls Noida Sector 22 Call Me: 8448380779
Best VIP Call Girls Noida Sector 22 Call Me: 8448380779
 
Delhi Call Girls Punjabi Bagh 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Call
Delhi Call Girls Punjabi Bagh 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip CallDelhi Call Girls Punjabi Bagh 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Call
Delhi Call Girls Punjabi Bagh 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Call
 
Delhi 99530 vip 56974 Genuine Escort Service Call Girls in Kishangarh
Delhi 99530 vip 56974 Genuine Escort Service Call Girls in  KishangarhDelhi 99530 vip 56974 Genuine Escort Service Call Girls in  Kishangarh
Delhi 99530 vip 56974 Genuine Escort Service Call Girls in Kishangarh
 
VIP Model Call Girls Hinjewadi ( Pune ) Call ON 8005736733 Starting From 5K t...
VIP Model Call Girls Hinjewadi ( Pune ) Call ON 8005736733 Starting From 5K t...VIP Model Call Girls Hinjewadi ( Pune ) Call ON 8005736733 Starting From 5K t...
VIP Model Call Girls Hinjewadi ( Pune ) Call ON 8005736733 Starting From 5K t...
 
Ravak dropshipping via API with DroFx.pptx
Ravak dropshipping via API with DroFx.pptxRavak dropshipping via API with DroFx.pptx
Ravak dropshipping via API with DroFx.pptx
 
Discover Why Less is More in B2B Research
Discover Why Less is More in B2B ResearchDiscover Why Less is More in B2B Research
Discover Why Less is More in B2B Research
 
Zuja dropshipping via API with DroFx.pptx
Zuja dropshipping via API with DroFx.pptxZuja dropshipping via API with DroFx.pptx
Zuja dropshipping via API with DroFx.pptx
 
Log Analysis using OSSEC sasoasasasas.pptx
Log Analysis using OSSEC sasoasasasas.pptxLog Analysis using OSSEC sasoasasasas.pptx
Log Analysis using OSSEC sasoasasasas.pptx
 
Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...
Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...
Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...
 
Al Barsha Escorts $#$ O565212860 $#$ Escort Service In Al Barsha
Al Barsha Escorts $#$ O565212860 $#$ Escort Service In Al BarshaAl Barsha Escorts $#$ O565212860 $#$ Escort Service In Al Barsha
Al Barsha Escorts $#$ O565212860 $#$ Escort Service In Al Barsha
 
Edukaciniai dropshipping via API with DroFx
Edukaciniai dropshipping via API with DroFxEdukaciniai dropshipping via API with DroFx
Edukaciniai dropshipping via API with DroFx
 
Introduction-to-Machine-Learning (1).pptx
Introduction-to-Machine-Learning (1).pptxIntroduction-to-Machine-Learning (1).pptx
Introduction-to-Machine-Learning (1).pptx
 
BabyOno dropshipping via API with DroFx.pptx
BabyOno dropshipping via API with DroFx.pptxBabyOno dropshipping via API with DroFx.pptx
BabyOno dropshipping via API with DroFx.pptx
 
BDSM⚡Call Girls in Mandawali Delhi >༒8448380779 Escort Service
BDSM⚡Call Girls in Mandawali Delhi >༒8448380779 Escort ServiceBDSM⚡Call Girls in Mandawali Delhi >༒8448380779 Escort Service
BDSM⚡Call Girls in Mandawali Delhi >༒8448380779 Escort Service
 
Best VIP Call Girls Noida Sector 39 Call Me: 8448380779
Best VIP Call Girls Noida Sector 39 Call Me: 8448380779Best VIP Call Girls Noida Sector 39 Call Me: 8448380779
Best VIP Call Girls Noida Sector 39 Call Me: 8448380779
 
Cheap Rate Call girls Sarita Vihar Delhi 9205541914 shot 1500 night
Cheap Rate Call girls Sarita Vihar Delhi 9205541914 shot 1500 nightCheap Rate Call girls Sarita Vihar Delhi 9205541914 shot 1500 night
Cheap Rate Call girls Sarita Vihar Delhi 9205541914 shot 1500 night
 
Call me @ 9892124323 Cheap Rate Call Girls in Vashi with Real Photo 100% Secure
Call me @ 9892124323  Cheap Rate Call Girls in Vashi with Real Photo 100% SecureCall me @ 9892124323  Cheap Rate Call Girls in Vashi with Real Photo 100% Secure
Call me @ 9892124323 Cheap Rate Call Girls in Vashi with Real Photo 100% Secure
 
Abortion pills in Doha Qatar (+966572737505 ! Get Cytotec
Abortion pills in Doha Qatar (+966572737505 ! Get CytotecAbortion pills in Doha Qatar (+966572737505 ! Get Cytotec
Abortion pills in Doha Qatar (+966572737505 ! Get Cytotec
 
Generative AI on Enterprise Cloud with NiFi and Milvus
Generative AI on Enterprise Cloud with NiFi and MilvusGenerative AI on Enterprise Cloud with NiFi and Milvus
Generative AI on Enterprise Cloud with NiFi and Milvus
 
Carero dropshipping via API with DroFx.pptx
Carero dropshipping via API with DroFx.pptxCarero dropshipping via API with DroFx.pptx
Carero dropshipping via API with DroFx.pptx
 

PPT4: Frameworks & Libraries of Machine Learning & Deep Learning

  • 1. Frameworks & Libraries of Machine Learning & Deep Learning
  • 2. Table of Contents 1.ML Frameworks & Libraries 2.Jupyter Framework 3.Jupyter Application and Use Cases 4.Scikit Learn 5.Real World Applications of Scikit Learn 6.Modules of Scikit-Learn 7.Some of the algorithms used in Modules 8.Numpy 9.Pandas 10.Scipy Introduction 11.Scipy Task Specific Sub-Modules 12.Jupyter Libraries (Visualization) 13.Jupyter Libraries (NLP) 14.Zeppelin Framework 15.PySpark Framework 16.DL Frameworks & Libraries 17.TensorFlow 18.Keras 19.PyTorch 20.MXNet & Gluon 21.Chainer & CNTK 22.ONNX
  • 3. Machine Learning Frameworks & Libraries Frameworks Jupyter PySpark Zeppelin Natutal Language Processing NLTK Gensim spaCy General Libraries Numpy Scikit learn Scipy Pandas Mllib Visualization Seaborn Bokeh Plotly Matplotlib
  • 4. Jupyter Framework Jupyter User Interface Jupyter Notebook Jupyter Console Jupyter QtConsole Jupyter Console- It is a terminal with kernels using Jupyter protocol. It can be installed with: pip install jupyter -console If you want to conda Conda install -c conda-forge jupyter-console Jupyter Qt Console- The Qt console is a lightweight application that largely Looks like a terminal, but provides enhancements possible in GUI such as multiline editing, graphical calltips and much more. It can use any Jupyter kernal. Jupyter Notebook – Jupyter Notebook is a development environment for writing and executing Python code. The notebook is often used for analysis with description and also for executable documents to perform data analysis.
  • 5. Jupyter Applications and Use Cases Application Jupyter for Data Science What causes cancer? Is Ice-cream good for you? Jupyter through large datasets exploration prediction & inference could give you the answer. Jupyter kernals used in Data Science Python, R, Julia, Bash Use Cases Notebook innovation of Netflix PayPal Notebook DevOps Intelligence with Jupyter Hub Bloomberg B Quant Platform
  • 6. Scikit Learn Scikit Learn built for machine learning library is a Python module. Built on Numpy, Scipy and Matplotlib it contains various algorithms in Classification, Clustering, Regression, Model Selection, Dimensionality Reduction and Preprocessing. Dependencies Python (>= 3.5) Numpy (>= 1.11.0) Scipy (>= 0.17.0) Joblib (>= 0.11) How to use If Numpy & Scipy Installed then use pip install -U scikit-learn Else conda install scikit learn
  • 7. Real world Applications of Scikit Learn Visualizaing the stock market structure Recognizing handwritten digits Hierarchial clustering on image of coins Face Completion with multi-output estimators Comparing anamoly detection algorithms for outlier detection Isotonic Regression Compact Estimator Representation
  • 8. Modules of Scikit Learn(Part1) Biclustering Clustering Covariance Estimation Cross Decomposition Decomposition Ensemble Methods Feature Selection Gaussian Process of Machine Learning Missing Value Imputation Generalized Linear Models sklear.cluster.bicluster sklearn.cluster sklearn.covariance sklearn.cross_decomposition sklearn.decomposition sklearn.ensemble sklearn.feature_selection sklearn.gaussian_process sklearn.impute sklearn.linear_model
  • 9. Manifold Learning Inspection Gaussian Mixture Models Model Selection Multioutput Methods Nearest Neighbors Neural Networks Pre-processing Semi Supervised Classification Super Vector Machines Decision Trees sklearn.manifold sklearn.inspection sklearn.mixture sklearn.model_selection sklearn.multioutput sklearn.neighbors sklearn.neural_network sklearn.preprocessing sklearn.semi_supervised sklearn.svm sklearn.tree
  • 10. Some of the algorithms used in Modules Spectral Co-Clustering algorithm- Rearranging the original dataset after shuffling rows and columns to make bi-clusters contiguous. Spectral Biclustering algorithm- Rows and columns of shuffled matrix are rearranged to show the biclusters formed by the algorithm. Feature Agglomeration- Similar features from different images merged together to form a new image. Affinity Propagation - Clustering by passing messages between datapoints. Sparse Inverse Covariance Estimation Shrinkage Covariance Estimation
  • 11. Numpy It contains 1. useful linear algebra, Fourier transform, and random number capabiliies 2. tools for integrating C/C++ and Fortran code 3. sophisticated functions 4. a powerful N-dimensional array object. To install NumPy package pip install numpy Use Numpy is used as an efficient multi-dimensional container of generic data. Numpy or “Numerical Python” is a Python library that provides fundamental package for Scientific computing.
  • 12. Important Data Types One Dimensional Array Multi-Dimensional Array Boolean Integer Float Complex Mathematical Functions Add, Subtract, Multiple, Divide, Power, Mod Rounding,Ceil,Floor Statistical Trigonometric Algebra
  • 13. Pandas Pandas is a open source Python library that provides data wrangling and analysis techniques to clean the data mess. Implemented in 2008 by Wes Mckinney on top of C hence it’s fast. To install Pandas use Python Package Installer Pip pip install pandas Pandas Functionality (General) Reading CSV File Reading Excel File Head Tail Transpose Describe Pandas Functionality (Feature Engineering) To check for Missing Values To Drop Missing Values To fill Missing Values – Direct Replace To fill Missing Values – Backward Or Forward Compare Elements in Percentage Compute Standard Deviation ComputeCovariance Compute Correlation Filtering Merging Plotting Data Frames
  • 14. Scipy is a high-level Scientific Computing that contains various toolboxes. It contains different submodules corresponding to different applications such as interpolation, integration, optimization, image processing, statistics, special functions, etc. Different Applications File input/output Special Functions Linear Algebra Operations Interpolation Optimization and fit Statistics and random numbers Numerical Integration Fast Fourier Transforms Signal processing Image Manipulation scipy.io Scipy.special scipy.linalg scipy.interpolate scipy.optimize scipy.stats scipy.integrate scipy.fftpack scipy.signal scipy.ndimage Scipy
  • 15. Scipy Task Specific Sub-Modules scipy.cluster Vector quantization / Kmeans scipy.constants Physical and mathematical constants scipy.fftpack Fourier transform scipy.integrate Integration routines scipy.interpolate Interpolation scipy.io Data input and output scipy.linalg Linear algebra routines scipy.ndimage N-dimensional image package scipy.odr Orthogonal distance regression scipy.optimize Optimization scipy.signal Signal processing scipy.sparse Sparse matrices scipy.spatial Spatial data structures and algorithms scipy.special Any special mathematical functions scipy.stats Statistics
  • 16. Jupyter Libraries (Visualization) What Why How Seaborn – Seaborn is a Python library for Statistical graphics. Bokeh- Bokeh is a Python library that target web browsers for representation and interactive visualization. conda install seaborn pip install seaborn Conda install bokeh pip install bokeh Ease of representation online- Easy to display charts online Complex statistical plots are easily plotted with simple commands Transform visualizations from seaborn, matplotlib and ggplot Interactive – Graphs embedded in html is fully ineteractive on other web pages Examines relationship between multiple variables. Visualize univariate or bivariate distributions and for comparing subsets of data. An easy viwe of complex datasets structure. Build Comnples visualiations of high level abstractions
  • 17. pip install plotly conda install -c plotly plotly=4.1.0 python -m pip install -U pip python -m pip install -U matplotlib Plotly-The plotly is an interactive a Python library that covers 40 unique chart types ranging from statistical, financial, geograohic, scientifiic and 3-D usecases. Matplotlib- Matplotlib is a Python 2D plotting library which produces quality figures in variety of hardcopy formats and interactive environments across different platforms. Basic Charts- Scatter Plots, Line Plot, Bar Charts, PirCharts Statistical and Seaborn-style Charts Error Bars, Box Plots, Histograms, Distplots Scientific Charts- Contour Plots, Heatmaps, Wind Rose Charts Financial Charts -Time Series, Candlestick Charts, Waterfall Charts Lines, bars and markers such as Stacked Bar Graph, Broken Barh, plotting categorical Variables etc. Plots in images contours and fields Subplots, axes and figures Statistics- Boxplot, Violin plots, Pie and Polar Charts
  • 18. Jupyter Libraries (NLP) What Why Convert text to lower case word tokenize sent tokenize stop words removal lemma stemming Get word frequency NER(Named Entity Recognition) How Memory Independence- can process large, web scale corpora Efficient implemetations for Latent sementic Analysis, Latent Dirichlet Allocation or Random Projection Similarity queries for documents in their semeantic representation NLTK- NLTK is a python library for natural language processing that works with human language data along with text processing libraries for classification, tokenization, stemming, tagging, parsing. Gensim- Gensim is a Python library for topic modelling, document indexing and similarity retrieval. The target audience are natural language processing (NLP) and information retrieval (IR). pip install nltk pip install gensim
  • 19. pip install spacy spaCy – A package for “Industrial strength NLP in Python”. It does not weigh the user down with decisions over what esoteric algorithms to use for common tasks and it’s fast. Has many convenience methods for cleaning and normalising text. Word-to-vector transformations Dependency Parsing Part-of-speech tagging
  • 20. Zeppelin Framework Apache Zeppelin is a web-based notebook that enables data-driven interactive analytics and collaborative documents with Scala, SQL and much more. Apache Zeppelin is build on the JVM while Jupyter is built on Python. With Zeppelin there are possibilities to mix languages across cells. Zeppelin supports Scala, Python, SparksSQL,Hive, Markdown and Shell and we can make our own language interpreter. It is data exploration and visualization intended for big data and large scale projects.
  • 21. PySpark Framework Pyspark is great for performing exploratory data analysis at scale, building machine learning pipelines and to create ETLs for data platform. pip install pyspark Libraries Py4J – Popular library which is integrated within Pyspark and allows to dynamically interface JVM objects. PySparkSQL- It is a PySpark library to apply SQL-like analysis on huge structured and semi-structured data. Mllib - Mllib library uses the data parallelism technique to store and work with data. It supports many machine-learning algorithms for Classification, regression, clustering, collaborative filtering, dimensionality reduction, and underlying optimization.
  • 22. Deep Learning Frameworks & Libraries Libraries TenserFlow PyTorch Keras MXNet Caffe2 Gluon Chainer ONNX CNTK Frameworks Jupyter PySpark Zappelin
  • 23. TensorFlow Tensorflow- TensorFlow is computational framework for building machine learning models. We can do large and complex computations easily which is of high level and its computation time is very optimized. Implementations of deep learning Speech Recognition, Computer Vision, Robotics, Ir, NLP ETC. Tensor – Tensor is an N-dimensional array of data. Four main tensors that we can create: tf,Variable, tf.constant, tf.placeholder and tf.SparseTenser TensorFlow Toolkit Hierarchy
  • 24. Keras Keras is a machine learning framework specially useful when you have a lot of data and wants to go for AI: deep learning. It is useful for high-level API Massive models of deep learning are easy to go in Keras with single-line functions. Keras does not block access to lower level frameworks. Keras model Serialization/Deserialization APIs, callbacks, and data streaming using Python are very mature. Keras is on higher level not comparable to Tenserflow which is on lower level. On Keras level the lower level primitives are used to implement Neural network abstraction like Layers and models.
  • 25. PyTorch The PyTorch is a Software tool that operates with Dynamically updated graph. In PyTorch standard debuggers can be used such as pdb or PyCharm. The process of training a neural network model in PyTorch is simple and clear and supports data parallelism and also supports pre-trained models
  • 26. MXNet & Gluon MXNet – It is highly scalable deep learning tool that can be used on many devices. It supports a large number of languages ( C++, Python, R, Julia, JavaScript, Scala, Go and even Perl). The framework is effectively parallel on multiple GPUs and machines. Fast Problem solving ability. Gluon- It s a great deep learning framework that can be used to create simple as well as sophisticated models. Specificity- Flexible interface and simplifies prototyping, building and training deep learning models without sacrificing speed to learn. Based on MXNet and offers simple API that simplifies creating deep learning model. Brings together training algorithm and neural network model thus providing flexibility in development process without sacrifying performance.
  • 27. Chainer & CNTK Chainer- Chainer is first framework to use a dynamic architecture model. It is written in Python on top of the Numpy and CuPy libraries. Chainer is faster than other Python oriented frameworks, with TenserFlow the slowest inclusing MXNet and CNTK. Better GPU data center performance than TenserFlow. OOP like programming style. CNTK is a Microsoft Cognitive Toolkit for describing, training and executing computational networks. It is an implementation of computational networks that supports both CPU and GPU CNTK inputs, outputs and parameters are organised as tensers. CNTK is also one of the first deep-learning toolkits to support the Open Neural Network Exchange. It can be included as library in Python,C#, or C++ programs.
  • 28. ONNX Built from the collaboration of Microsoft and Facebook as a search for open format presentation of deep learning models. It enables models to be trained in one framework inference on the other when transferred. Supported in Caffe2, Microsoft Cognitive Toolkit, and PyTorch.