SlideShare a Scribd company logo
H2O.ai

Machine Intelligence
Scalable Data Science
and Deep Learning
with H2O
1
RE:WORK Deep Learning Summit Workshop
Boston, May 26 2015
Arno Candel, PhD

Chief Architect, H2O.ai
H2O.ai

Machine Intelligence
Who Am I?
Arno Candel
Chief Architect,
Physicist & Hacker at H2O.ai
PhD Physics, ETH Zurich 2005
10+ yrs Supercomputing (HPC)
6 yrs at SLAC (Stanford Lin. Accel.)
3.5 yrs Machine Learning
1.5 yrs at H2O.ai
Fortune Magazine
Big Data All Star 2014
Follow me @ArnoCandel 2
H2O.ai

Machine Intelligence
Outline
• Introduction
• H2O Deep Learning Architecture
• Live Demos:
Flow GUI - Airline Dataset
R - MNIST World Record + Anomaly Detection
Flow GUI - Higgs Boson Classification
Sparkling Water - Chicago Crime Prediction
iPython - CitiBike Demand Prediction
Scoring Engine - Million Songs Classification
• Outlook
3
H2O.ai

Machine Intelligence
In-Memory ML
Distributed
Open Source
APIs
4
Memory-Efficient Data Structures
Cutting-Edge Algorithms
Use all your Data (No Sampling)
Accuracy with Speed and Scale
Ownership of Methods - Apache V2
Easy to Deploy: Bare, Hadoop, Spark, etc.
Java, Scala, R, Python, JavaScript, JSON
NanoFast Scoring Engine (POJO)
H2O - Product Overview
H2O.ai

Machine Intelligence
25,000 commits / 3yrs
H2O World Conference 2014
Team Work @ H2O.ai
5
Join H2O World 2015!
H2O.ai

Machine Intelligence
103 634 2789
463 2,887 13,237
Companies
Users
Mar 2014 July 2014 Mar 2015
Active Users
150+
6
Strong Community & Growth
5/25/15 @kdnuggets t.co/4xSgleSIdY
H2O.ai

Machine Intelligence
7
HDFS
S3
SQL
NoSQL
Classification
Regression
Feature
Engineering
Distributed In-Memory
Map Reduce/Fork Join
Columnar Compression
GLM, Deep Learning
K-Means, PCA, NB,
Cox
Random Forest / GBM
Ensembles
Fast Modeling Engine
Streaming
Nano Fast Java Scoring Engines
(POJO code generation)
Matrix
Factorization Clustering
Munging
Unsupervised
Supervised
Accuracy with Speed and Scale
Most code is written
in-house from scratch
H2O.ai

Machine Intelligence
8
Ad Optimization (200% CPA Lift with H2O)
P2B Model Factory (60k models,
15x faster with H2O than before)
Fraud Detection (11% higher accuracy with
H2O Deep Learning - saves millions)
…and many large insurance and financial
services companies!
Real-time marketing (H2O is 10x faster than
anything else)
Actual Customer Use Cases
H2O.ai

Machine Intelligence
9
h2o.ai/download & Run!
H2O.ai

Machine Intelligence
10
Airline Data: Predict Delayed Departure
Predict dep. delay Y/N
116M rows
31 colums
12 GB CSV
4 GB compressed
20 years of domestic
airline flight data
H2O.ai

Machine Intelligence
11
Results in Seconds on Big Data
Logistic Regression: ~20s
elastic net, alpha=0.5, lambda=1.379e-4 (auto)
Deep Learning: ~70s
4 hidden ReLU layers of 20 neurons, 2 epochs
8-node EC2 cluster: 64 virtual cores, 1GbE
Year, Month, Sched.
Dep. Time have
non-linear impact
Chicago, Atlanta,
Dallas:

often delayed
All cores maxed out
+9% AUC
+--+++
H2O.ai

Machine Intelligence
Multi-layer feed-forward Neural Network

Trained with back-propagation (SGD, ADADELTA)
+ distributed processing for big data
(fine-grain in-memory MapReduce on distributed data)
+ multi-threaded speedup
(async fork/join worker threads operate at FORTRAN speeds)
+ smart algorithms for fast & accurate results
(automatic standardization, one-hot encoding of categoricals, missing value imputation, weight &
bias initialization, adaptive learning rate, momentum, dropout/l1/L2 regularization, grid search, 

N-fold cross-validation, checkpointing, load balancing, auto-tuning, model averaging, etc.)
= powerful tool for (un)supervised machine
learning on real-world data
12
H2O Deep Learning
all 320 cores maxed out
H2O.ai

Machine Intelligence
threads: async
13
H2O Deep Learning Architecture
K-V
K-V
HTTPD
HTTPD
nodes/JVMs: sync
communication
w
w w
w w w w
w1
w3 w2
w4
w2+w4
w1+w3
w* = (w1+w2+w3+w4)/4
map:

each node trains a copy of
the weights and biases with
(some* or all of) its local
data with asynchronous F/J
threads
initial model: weights and biases w
updated model: w*
H2O in-memory non-
blocking hash map:

K-V store
reduce:

model averaging: average weights
and biases from all nodes,
speedup is at least #nodes/
log(#rows)
http://arxiv.org/abs/1209.4129
Keep iterating over the data (“epochs”), score at user-given times
Query & display the
model via JSON, WWW
2
2 4
31
1
1
1
4
3 2
1 2
1
i
*auto-tuned (default) or user-
specified number of rows per
MapReduce iteration
Main Loop:
H2O.ai

Machine Intelligence
14
H2O Deep Learning beats MNIST
MNIST: Handwritten digits: 28^2=784 gray-scale pixel values
full run: 10 hours on 10-node cluster
2 hours on desktop gets to 0.9% test set error
Just supervised training
on original 60k/10k dataset:
No data augmentation
No distortions
No convolutions
No pre-training
No ensemble
0.83% test set error:

current world record
1-liner: call h2o.deeplearning() in R
H2O.ai

Machine Intelligence
15
Unsupervised Anomaly Detection
The good The bad The ugly
Try it yourself!
Auto-Encoder learns
“Compressed Identity”
H2O.ai

Machine Intelligence
16
Images courtesy CERN / LHC
Higgs

vs

Background
Large Hadron Collider: Largest experiment of mankind!
$13+ billion, 16.8 miles long, 120 MegaWatts, -456F, 1PB/day, etc.
Higgs boson discovery (July ’12) led to 2013 Nobel prize!
Higgs Boson - Classification Problem
H2O.ai

Machine Intelligence
17
UCI Higgs Dataset: 11M rows, 29 cols
C2-C22: 21 low-level features

(detector data)
7 high-level features

(physics formulae)
Assume we don’t know Physics…
H2O.ai

Machine Intelligence
18
? ? ?
Former CERN baseline for AUC: 0.733 and 0.816
H2O Algorithm low-level H2O AUC all features H2O AUC
Generalized Linear Model 0.596 0.684
Random Forest 0.764 0.840
Gradient Boosted Trees 0.753 0.839
Neural Net 1 hidden layer 0.760 0.830
H2O Deep Learning ?
add
derived
features
Deep Learning for Higgs Detection?
Q: Can Deep Learning learn Physics for us?
H2O.ai

Machine Intelligence
19
EC2 Demo Cluster: 8 nodes, 64 cores
H2O Deep Learning:
Expect good cluster
utilization :)
H2O.ai

Machine Intelligence
20
Deep DL model on

low-level features
only
valid 500k rows
test 500k rows
train 10M rows
H2O Deep Learning Higgs Demo
H2O: same results as Nature paper
Deep Learning just learned Particle Physics!
8 EC2 nodes:
AUC = 0.86 after 100 mins
AUC = 0.87+ overnight
H2O.ai

Machine Intelligence
21
http://www.slideshare.net/0xdata/crime-deeplearningkey
http://www.datanami.com/2015/05/07/what-police-can-learn-from-deep-learning/
H2O Deep Learning in the News
Alex, Michal,
et al.
H2O.ai

Machine Intelligence
22
Weather + Census + Crime Data
H2O.ai

Machine Intelligence 23
Spark + H2O = Sparkling Water
H2O.ai

Machine Intelligence
24
Sparkling Water Demo
Instructions at h2o.ai/download
H2O.ai

Machine Intelligence
25
Parse & Munge with H2O, Convert to RDD
H2O Parser: Robust & Fast
Simple Column Selection
H2O.ai

Machine Intelligence
26
Parse & Munge with H2O, Convert to RDD
Munging: Date Manipulations
Conversion to DataFrame
H2O.ai

Machine Intelligence
27
Join RDDs with SQL, Convert to H2O
Spark SQL Query Execution
Convert back to H2OFrame
Split into Train 80% / Test 20%
H2O.ai

Machine Intelligence
28
Build H2O Deep Learning Model
Train a H2O Deep Learning
Model on Data obtained by
Spark SQL Query
Predict whether Arrest will be
made with AUC of 0.90+
H2O.ai

Machine Intelligence
29
Visualize Results with Flow
Using Flow to interactively plot
Arrest Rate (blue)
vs
Relative Occurrence (red)
per crime type.
H2O.ai

Machine Intelligence
30
Predict Rental Bike Demand in NYC
Cliff et al.
H2O.ai

Machine Intelligence
iPython
Notebook Demo
31
Group-By Aggregation
H2O.ai

Machine Intelligence
iPython
Notebook Demo
32
Model Building And Scoring
91% AUC baseline
H2O.ai

Machine Intelligence
33
Joining Bikes-Per-Day with Weather
H2O.ai

Machine Intelligence
34
Improved Models with Weather Data
93% AUC after joining
bike and weather data
H2O.ai

Machine Intelligence
35
Example: First GBM tree
Fast and easy path to Production (batch or real-time)!
POJO Scoring Engine
Standalone Java scoring code is auto-generated!
Note:
no heap allocation,
pure decision-making
H2O.ai

Machine Intelligence
More Info in H2O Booklets
https://leanpub.com/u/h2oai
http://learn.h2o.ai
36
H2O.ai

Machine Intelligence
37
Kaggle - H2O Starter Scripts
H2O.ai

Machine Intelligence
38
Kaggle - Active H2O Community
18k+ views in 2 weeks
H2O.ai

Machine Intelligence
39
Hyper-Parameter Tuning
93 numerical features
9 output classes
62k training set rows
144k test set rows
Ensemble of H2O DL + GBM => Top 10%
R script by DataGeek
H2O.ai

Machine Intelligence
40
Mastering Kaggle with H2O
DL + GBM
GBM
GBM + GLM
DRF + GLM
Stay tuned: Kaggle Master
@Mark_A_Landry recently
joined H2O as Competitive
Data Scientist!
www.meetup.com/Silicon-
Valley-Big-Data-Science/
events/222303884/
H2O.ai

Machine Intelligence
41
R’s data.table now in H2O!
H2O.ai

Machine Intelligence
Outlook - Algorithm Roadmap
• Ensembles (Erin LeDell et al.)
• Automated Hyper-Parameter Tuning
• Convolutional Layers for Deep Learning
• Natural Language Processing: tf-idf, Word2Vec, …
• Generalized Low Rank Models
• PCA, SVD, K-Means, Matrix Factorization
• Recommender Systems
And many more!
42
Public JIRAs - Join H2O!
H2O.ai

Machine Intelligence
Key Take-Aways
H2O is an open source predictive analytics
platform for data scientists and business analysts
who need scalable, fast and accurate machine
learning.
H2O Deep Learning is ready to take your
advanced analytics to the next level.
Try it on your data!
43
https://github.com/h2oai
H2O Google Group
http://h2o.ai
@h2oai
Thank You!

More Related Content

PDF
Arno candel scalabledatascienceanddeeplearningwithh2o_odsc_boston2015
PDF
ArnoCandelScalabledatascienceanddeeplearningwithh2o_gotochg
PDF
H20: A platform for big math
PDF
Scalable Data Science and Deep Learning with H2O
PDF
Ted Willke, Senior Principal Engineer & GM, Datacenter Group, Intel at MLconf SF
PDF
Deep Water - GPU Deep Learning for H2O - Arno Candel
PDF
Alex Tellez, Deep Learning Applications
PDF
MLconf - Distributed Deep Learning for Classification and Regression Problems...
Arno candel scalabledatascienceanddeeplearningwithh2o_odsc_boston2015
ArnoCandelScalabledatascienceanddeeplearningwithh2o_gotochg
H20: A platform for big math
Scalable Data Science and Deep Learning with H2O
Ted Willke, Senior Principal Engineer & GM, Datacenter Group, Intel at MLconf SF
Deep Water - GPU Deep Learning for H2O - Arno Candel
Alex Tellez, Deep Learning Applications
MLconf - Distributed Deep Learning for Classification and Regression Problems...

What's hot (20)

PDF
Deep Water - Bringing Tensorflow, Caffe, Mxnet to H2O
PPTX
Machine Learning for Smarter Apps - Jacksonville Meetup
PDF
Introduction to data science with H2O-Chicago
PDF
Pyparis2017 / Scikit-learn - an incomplete yearly review, by Gael Varoquaux
PDF
Project “Deep Water” (H2O integration with other deep learning libraries - Jo...
PDF
H2O Open Source Deep Learning, Arno Candel 03-20-14
PPTX
February 2017 HUG: Data Sketches: A required toolkit for Big Data Analytics
PDF
Flare: Scale Up Spark SQL with Native Compilation and Set Your Data on Fire! ...
PDF
h2oensemble with Erin Ledell at useR! Aalborg
PDF
Realtime Data Analysis Patterns
PDF
Automatic Features Generation And Model Training On Spark: A Bayesian Approach
PDF
Atomate: a high-level interface to generate, execute, and analyze computation...
PDF
H2O Overview with Amy Wang at useR! Aalborg
PPTX
Virtual Science in the Cloud
PDF
Quantum computing - 2021-01-09
PDF
An NSA Big Graph experiment
PDF
Role of Machine Learning in High Energy physics research at LHC
PPTX
Coding the Continuum
PDF
Rabbit Order: Just-in-time Reordering for Fast Graph Analysis
PDF
Accelerating Real Time Video Analytics on a Heterogenous CPU + FPGA Platform
Deep Water - Bringing Tensorflow, Caffe, Mxnet to H2O
Machine Learning for Smarter Apps - Jacksonville Meetup
Introduction to data science with H2O-Chicago
Pyparis2017 / Scikit-learn - an incomplete yearly review, by Gael Varoquaux
Project “Deep Water” (H2O integration with other deep learning libraries - Jo...
H2O Open Source Deep Learning, Arno Candel 03-20-14
February 2017 HUG: Data Sketches: A required toolkit for Big Data Analytics
Flare: Scale Up Spark SQL with Native Compilation and Set Your Data on Fire! ...
h2oensemble with Erin Ledell at useR! Aalborg
Realtime Data Analysis Patterns
Automatic Features Generation And Model Training On Spark: A Bayesian Approach
Atomate: a high-level interface to generate, execute, and analyze computation...
H2O Overview with Amy Wang at useR! Aalborg
Virtual Science in the Cloud
Quantum computing - 2021-01-09
An NSA Big Graph experiment
Role of Machine Learning in High Energy physics research at LHC
Coding the Continuum
Rabbit Order: Just-in-time Reordering for Fast Graph Analysis
Accelerating Real Time Video Analytics on a Heterogenous CPU + FPGA Platform
Ad

Viewers also liked (20)

PDF
Bootstrap Regularization by Stefan Wager, Stanford
PPTX
H2O World - Translating Advanced Analytics for Business Users - Conor Jensen
PDF
data.table and H2O at LondonR with Matt Dowle
PDF
H2O World - GLRM - Anqi Fu
PPTX
Sparkling Water Webinar October 29th, 2014
PPTX
Self Guiding User Experience
PDF
Sparkling Water, ASK CRAIG
PDF
H2O Big Data Environments
PDF
H2O World - Benchmarking Open Source ML Platforms - Szilard Pafka
PDF
Building Machine Learning Applications with Sparkling Water
PPTX
H2O World - Clustering & Feature Extraction on Text - Seth Redmore
PDF
Python and H2O with Cliff Click at PyData Dallas 2015
PDF
sparklyr - Jeff Allen
PDF
Cybersecurity with AI - Ashrith Barthur
PPTX
Making of R2D3 - Tony Chu
PDF
High Performance Machine Learning in R with H2O
PDF
2014 09 30_sparkling_water_hands_on
PDF
Deep Learning for Public Safety in Chicago and San Francisco
PPTX
Visual Machine Learning - Tony Chu
PDF
H2O PySparkling Water
Bootstrap Regularization by Stefan Wager, Stanford
H2O World - Translating Advanced Analytics for Business Users - Conor Jensen
data.table and H2O at LondonR with Matt Dowle
H2O World - GLRM - Anqi Fu
Sparkling Water Webinar October 29th, 2014
Self Guiding User Experience
Sparkling Water, ASK CRAIG
H2O Big Data Environments
H2O World - Benchmarking Open Source ML Platforms - Szilard Pafka
Building Machine Learning Applications with Sparkling Water
H2O World - Clustering & Feature Extraction on Text - Seth Redmore
Python and H2O with Cliff Click at PyData Dallas 2015
sparklyr - Jeff Allen
Cybersecurity with AI - Ashrith Barthur
Making of R2D3 - Tony Chu
High Performance Machine Learning in R with H2O
2014 09 30_sparkling_water_hands_on
Deep Learning for Public Safety in Chicago and San Francisco
Visual Machine Learning - Tony Chu
H2O PySparkling Water
Ad

Similar to Arno candel scalabledatascienceanddeeplearningwithh2o_reworkboston2015 (20)

PDF
H2O with Erin LeDell at Portland R User Group
PDF
Deep Learning in the Wild with Arno Candel
PDF
Intro to H2O Machine Learning in Python - Galvanize Seattle
PDF
Intro to H2O in Python - Data Science LA
PDF
Arno candel h2o_a_platform_for_big_math_hadoop_summit_june2016
PDF
Intro to Machine Learning with H2O and AWS
PDF
Introduction to Machine Learning with H2O and Python
PDF
H2O at Poznan R Meetup
PDF
H2O Deep Learning at Next.ML
PDF
Webinar: Deep Learning with H2O
PDF
Introducción al Machine Learning Automático
PDF
Introducción al Aprendizaje Automatico con H2O-3 (1)
PDF
Start Getting Your Feet Wet in Open Source Machine and Deep Learning
PPTX
Applying Machine Learning using H2O
PPTX
Applying Machine Learning using H2O
PDF
H2ODeepLearningThroughExamples021215
PDF
Intro to H2O Machine Learning in R at Santa Clara University
PDF
H2O Distributed Deep Learning by Arno Candel 071614
PDF
H2O at Berlin R Meetup
PDF
Berlin R Meetup
H2O with Erin LeDell at Portland R User Group
Deep Learning in the Wild with Arno Candel
Intro to H2O Machine Learning in Python - Galvanize Seattle
Intro to H2O in Python - Data Science LA
Arno candel h2o_a_platform_for_big_math_hadoop_summit_june2016
Intro to Machine Learning with H2O and AWS
Introduction to Machine Learning with H2O and Python
H2O at Poznan R Meetup
H2O Deep Learning at Next.ML
Webinar: Deep Learning with H2O
Introducción al Machine Learning Automático
Introducción al Aprendizaje Automatico con H2O-3 (1)
Start Getting Your Feet Wet in Open Source Machine and Deep Learning
Applying Machine Learning using H2O
Applying Machine Learning using H2O
H2ODeepLearningThroughExamples021215
Intro to H2O Machine Learning in R at Santa Clara University
H2O Distributed Deep Learning by Arno Candel 071614
H2O at Berlin R Meetup
Berlin R Meetup

More from Sri Ambati (20)

PDF
H2O Label Genie Starter Track - Support Presentation
PDF
H2O.ai Agents : From Theory to Practice - Support Presentation
PDF
H2O Generative AI Starter Track - Support Presentation Slides.pdf
PDF
H2O Gen AI Ecosystem Overview - Level 1 - Slide Deck
PDF
An In-depth Exploration of Enterprise h2oGPTe Slide Deck
PDF
Intro to Enterprise h2oGPTe Presentation Slides
PDF
Enterprise h2o GPTe Learning Path Slide Deck
PDF
H2O Wave Course Starter - Presentation Slides
PDF
Large Language Models (LLMs) - Level 3 Slides
PDF
Data Science and Machine Learning Platforms (2024) Slides
PDF
Data Prep for H2O Driverless AI - Slides
PDF
H2O Cloud AI Developer Services - Slides (2024)
PDF
LLM Learning Path Level 2 - Presentation Slides
PDF
LLM Learning Path Level 1 - Presentation Slides
PDF
Hydrogen Torch - Starter Course - Presentation Slides
PDF
Presentation Resources - H2O Gen AI Ecosystem Overview - Level 2
PDF
H2O Driverless AI Starter Course - Slides and Assignments
PPTX
GenAISummit 2024 May 28 Sri Ambati Keynote: AGI Belongs to The Community in O...
PDF
H2O.ai CEO/Founder: Sri Ambati Keynote at Wells Fargo Day
PPTX
Generative AI Masterclass - Model Risk Management.pptx
H2O Label Genie Starter Track - Support Presentation
H2O.ai Agents : From Theory to Practice - Support Presentation
H2O Generative AI Starter Track - Support Presentation Slides.pdf
H2O Gen AI Ecosystem Overview - Level 1 - Slide Deck
An In-depth Exploration of Enterprise h2oGPTe Slide Deck
Intro to Enterprise h2oGPTe Presentation Slides
Enterprise h2o GPTe Learning Path Slide Deck
H2O Wave Course Starter - Presentation Slides
Large Language Models (LLMs) - Level 3 Slides
Data Science and Machine Learning Platforms (2024) Slides
Data Prep for H2O Driverless AI - Slides
H2O Cloud AI Developer Services - Slides (2024)
LLM Learning Path Level 2 - Presentation Slides
LLM Learning Path Level 1 - Presentation Slides
Hydrogen Torch - Starter Course - Presentation Slides
Presentation Resources - H2O Gen AI Ecosystem Overview - Level 2
H2O Driverless AI Starter Course - Slides and Assignments
GenAISummit 2024 May 28 Sri Ambati Keynote: AGI Belongs to The Community in O...
H2O.ai CEO/Founder: Sri Ambati Keynote at Wells Fargo Day
Generative AI Masterclass - Model Risk Management.pptx

Recently uploaded (20)

PPTX
VVF-Customer-Presentation2025-Ver1.9.pptx
PDF
System and Network Administraation Chapter 3
PDF
Design an Analysis of Algorithms II-SECS-1021-03
PPTX
Lecture 3: Operating Systems Introduction to Computer Hardware Systems
PDF
Raksha Bandhan Grocery Pricing Trends in India 2025.pdf
PDF
Claude Code: Everyone is a 10x Developer - A Comprehensive AI-Powered CLI Tool
PDF
T3DD25 TYPO3 Content Blocks - Deep Dive by André Kraus
PPTX
Operating system designcfffgfgggggggvggggggggg
PDF
Internet Downloader Manager (IDM) Crack 6.42 Build 41
PDF
Understanding Forklifts - TECH EHS Solution
PPT
Introduction Database Management System for Course Database
PDF
Softaken Excel to vCard Converter Software.pdf
PPTX
Agentic AI Use Case- Contract Lifecycle Management (CLM).pptx
PDF
Design an Analysis of Algorithms I-SECS-1021-03
PPTX
ManageIQ - Sprint 268 Review - Slide Deck
PDF
Why TechBuilder is the Future of Pickup and Delivery App Development (1).pdf
PPTX
Oracle E-Business Suite: A Comprehensive Guide for Modern Enterprises
PDF
Upgrade and Innovation Strategies for SAP ERP Customers
PDF
2025 Textile ERP Trends: SAP, Odoo & Oracle
PDF
Navsoft: AI-Powered Business Solutions & Custom Software Development
VVF-Customer-Presentation2025-Ver1.9.pptx
System and Network Administraation Chapter 3
Design an Analysis of Algorithms II-SECS-1021-03
Lecture 3: Operating Systems Introduction to Computer Hardware Systems
Raksha Bandhan Grocery Pricing Trends in India 2025.pdf
Claude Code: Everyone is a 10x Developer - A Comprehensive AI-Powered CLI Tool
T3DD25 TYPO3 Content Blocks - Deep Dive by André Kraus
Operating system designcfffgfgggggggvggggggggg
Internet Downloader Manager (IDM) Crack 6.42 Build 41
Understanding Forklifts - TECH EHS Solution
Introduction Database Management System for Course Database
Softaken Excel to vCard Converter Software.pdf
Agentic AI Use Case- Contract Lifecycle Management (CLM).pptx
Design an Analysis of Algorithms I-SECS-1021-03
ManageIQ - Sprint 268 Review - Slide Deck
Why TechBuilder is the Future of Pickup and Delivery App Development (1).pdf
Oracle E-Business Suite: A Comprehensive Guide for Modern Enterprises
Upgrade and Innovation Strategies for SAP ERP Customers
2025 Textile ERP Trends: SAP, Odoo & Oracle
Navsoft: AI-Powered Business Solutions & Custom Software Development

Arno candel scalabledatascienceanddeeplearningwithh2o_reworkboston2015