SlideShare ist ein Scribd-Unternehmen logo
1 von 40
Downloaden Sie, um offline zu lesen
VP AIOps for the Autonomous Database
Sandesh Rao
LAOUC
Machine Learning and AI at Oracle
@sandeshr
https://www.linkedin.com/in/raosandesh/
https://www.slideshare.net/SandeshRao4
Types of Machine Learning
Supervised Learning
Predict future outcomes with the help of training
data provided by human experts
Semi-Supervised Learning
Discover patterns within raw data and make
predictions, which are then reviewed by human
experts, who provide feedback which is used to
improve the model accuracy
Unsupervised Learning
Find patterns without any external input other
than the raw data
Reinforcement Learning
Take decisions based on past rewards for this type
of action
ML Project Workflow
Set the business objectives
Gather compare and
clean data
Identify and extract features
(important columns) from imported data
This helps us identify the efficiency of the
algorithm
Take the input data which is also called the training data
and apply the algorithm to it
In order for the algorithm to function efficiently, it is
important to pick the right value for hyper parameters
(input parameters to the algorithm)
Once the training data in the
algorithm are combined we
get a model
1
2
3
4
5
ML vs AutoML
Algorithm
Selection
Feature
Selection
Model
Tuning
Model
Evaluation
AutoML
automates the
manual steps
Accuracy
Repeated retraining cycles
Algorithms improve models as they get trained on greater
volumes of data or more recent/relevant data
Does not replace data scientists but
rather expediate their capabilities
Does AutoML remove the need for Data Scientists?
At the advent of the assembly line in manufacturing,
many tedious processes were automated.
This enabled workers to put their time and energy into
bigger issues, from quality of product to improving design
and manufacturing processes.
AutoML gives similar power to data scientists,
delivering more time to engineer predictive
features, develop data acquisition strategies,
improve the data transformation pipelines, and
more.
Copyright © 2021, Oracle and/or its affiliates
6
Oracle Machine Learning
Automated
Automated machine learning supports data scientist
productivity and empowers non-experts
Algorithm-specific data preparation, integrated text
mining, partitioned models
Scalable
Over 30 high performance, parallelized
in-database machine learning algorithms
that require no data movement
Production-ready
Quickly deploy and update machine learning models in
production via SQL and REST APIs
Deploy R and Python user-defined functions using
managed processes with easy data-parallel and task-
parallel invocation
Model
Repository
Workspaces
and Projects
Zeppelin-based
Notebooks
Model
Deployment
Model
Building
Model
Management
Prediction
Details
R and Python
Integration
AutoML
Data Management
Infrastructure
Oracle Database – Oracle Autonomous Database – Data Lake
Access – Integration – Preparation – Exploration
CPU – Storage – Network
Cloud On premises
Oracle Machine Learning interfaces to Oracle Database
Oracle
Autonomous Database
Oracle Database
OML Notebooks
Oracle Database
Cloud Service
OML4Py
Oracle Data Miner
OML4R
OML4SQL
Python client,
Jupyter Notebooks
SQL Developer
R client,
RStudio
SQL Developer
SQL*Plus
Data Management Platform
Oracle Machine Learning
Component
Tool
* coming soon
Apache Zeppelin
OML4SQL
OML4Py
OML4R*
Copyright © 2021 Oracle and/or its affiliates.
Most Productive for Developers and Analysts
Integrated microservices, events, REST, SaaS, ML, CI/CD, Low-Code
Supports diverse Workload
Transactions, analytics, ML, IoT, streaming, blockchain
Supports diverse Data
Relational, JSON, graph, spatial, text, OLAP, XML, multimedia
In cloud and on premises – integrated, not fragmented
Building on the world’s only converged database
Copyright © 2021, Oracle and/or its affiliates.
Oracle Machine Learning Notebooks
Collaborative UI
• Based on Apache Zeppelin
• Supports data scientists, data analysts,
application developers, and DBAs with
SQL and Python
• Easy notebook sharing
• Scheduling, versioning, access control
Included with Autonomous Database
• Automatically provisioned and managed
• In-database algorithms and
analytics functions
• Explore and prepare, build and evaluate
models, score data, deploy solutions
Autonomous Database as a Data Science Platform
Copyright © 2021 Oracle and/or its affiliates.
CLASSIFICATION
• Naïve Bayes
• Logistic Regression (GLM)
• Decision Tree
• Random Forest
• Neural Network
• Support Vector Machine (SVM)
• Explicit Semantic Analysis
• XGBoost*
ANOMALY DETECTION
• One-Class SVM
• MSET-SPRT*
CLUSTERING
• Hierarchical K-Means
• Hierarchical O-Cluster
• Expectation Maximization (EM)
TIME SERIES
• Forecasting - Exponential Smoothing
• Includes popular models
e.g. Holt-Winters with trends,
seasonality, irregular time series
REGRESSION
• Generalized Linear Model (GLM)
• Support Vector Machine (SVM)
• Stepwise Linear regression
• Neural Network
• XGBoost*
ATTRIBUTE IMPORTANCE
• Minimum Description Length
• Principal Component Analysis (PCA)
• Unsupervised Pairwise KL Divergence
• CUR decomposition for row & AI
ASSOCIATION RULES
• A priori
PREDICTIVE QUERIES
• Predict, cluster, detect, features
SQL ANALYTICS
• SQL Windows
• SQL Patterns
• SQL Aggregates
FEATURE EXTRACTION
• Principal Comp Analysis (PCA)
• Non-negative Matrix Factorization
• Singular Value Decomposition (SVD)
• Explicit Semantic Analysis (ESA)
ROW IMPORTANCE
• CUR Decomposition
RANKING
• XGBoost*
TEXT MINING SUPPORT
• Algorithms support text columns
• Tokenization and theme extraction
• Explicit Semantic Analysis (ESA)
STATISTICAL FUNCTIONS
• min, max, median, stdev, t-test, F-test,
Pearson’s, Chi-Sq, ANOVA, etc.
Oracle Machine Learning Algorithms and Analytics in Oracle Database
* New in 21c
Includes support for Partitioned Models,
Transactional data and aggregations
Copyright © 2021, Oracle and/or its affiliates
Oracle Machine Learning for SQL
In-database, parallelized, distributed algorithms
• No extracting data to separate ML engine
• Fast and scalable
• Batch and real-time scoring at scale that leverages
Exadata storage-tier function pushdown
• Algorithm-specific automatic data preparation
• Explanatory prediction details
ML models as first-class database objects
• Access control per model
• Audit user actions
• Export / import models across databases
• Ease of backup, recovery, and security
Faster time-to-market through immediate solution deployment
Empower SQL users with immediate access to ML included with
Oracle Database and Oracle Autonomous Database
SQL Interfaces
SQL*Plus
SQLDeveloper
…
Oracle
Autonomous
Database
OML Notebooks
Oracle Database
with OML
Copyright © 2021 Oracle and/or its affiliates.
OML to Predict Customer Behavior
-- Build a machine learning model to determine which customers are likely buy Travel Insurance
DECLARE
v_setlst DBMS_DATA_MINING.SETTING_LIST;
BEGIN
v_setlst('ALGO_NAME') := 'ALGO_SUPPORT_VECTOR_MACHINES';
V_setlst('PREP_AUTO') := 'ON';
DBMS_DATA_MINING.CREATE_MODEL2(
MODEL_NAME => 'BUY_TRVL_INSUR',
MINING_FUNCTION => 'CLASSIFICATION',
DATA_QUERY => 'select * from CUSTOMERS',
SET_LIST => v_setlst,
CASE_ID_COLUMN_NAME => 'CUST_ID',
TARGET_COLUMN_NAME => BUY_TRAVEL_INSURANCE');
END;
-- Apply a machine learning model to predict which customers are likely to buy
SELECT prediction_probability(BUY_TRVL_INSUR, 'Yes'
USING 3500 as bank_funds, 37 as age, 'Married' as marital_status, 2 as num_previous_cruises)
FROM dual;
Intuitive SQL API—OML4SQL
Copyright © 2021 Oracle and/or its affiliates.
New algorithms and features
eXtreme Gradient Boosting Trees (XGBoost)
• Classification, regression, ranking
• Highly popular and powerful algorithm for speed and model accuracy
Multivariate State Estimation Technique- Sequential Probability Ratio Test (MSET-SPRT)
• Anomaly detection for sensors, IoT data sources
• Detects subtle anomalies while producing minimal false alarms
Neural Network
• Adam Solver - A minibatch solver – computationally efficient, requires little memory,
well-suited to larger data
• ReLU activation function – enables easier to train models with better performance
Enhanced prediction details
• Enables even higher quality understanding of factors that most contribute to a prediction
• For Support Vector Machine, Generalized Linear Model, Neural Network, k-Means
OML4SQL – new in Database 21c
Copyright © 2021, Oracle and/or its affiliates
13
Oracle Data Miner User Interface
SQL Developer Extension
for Oracle Database
on premises and DBCS
Automates typical data science
steps
Easy to use drag-and-
drop interface
Analytical workflows quickly
defined and shared
Wide range of algorithms and
data transformations
Generate SQL code for
immediate deployment
Create analytical workflows – productivity tool for data scientists – enables citizen data scientists
Copyright © 2021 Oracle and/or its affiliates.
New algorithms and features
eXtreme Gradient Boosting Trees (XGBoost)
• Classification, regression, ranking
• Highly popular and powerful algorithm for speed and model accuracy
Multivariate State Estimation Technique- Sequential Probability Ratio Test (MSET-SPRT)
• Anomaly detection for sensors, IoT data sources
• Detects subtle anomalies while producing minimal false alarms
Neural Network
• Adam Solver - A minibatch solver – computationally efficient, requires little memory,
well-suited to larger data
• ReLU activation function – enables easier to train models with better performance
Enhanced prediction details
• Enables even higher quality understanding of factors that most contribute to a prediction
• For Support Vector Machine, Generalized Linear Model, Neural Network, k-Means
OML4SQL – new in Database 21c
Copyright © 2021, Oracle and/or its affiliates
15
Summary
• Minimize or eliminate data movement for database data
• Multi-persona, collaborative, democratized machine learning for data scientists, citizen data scientists, developers
• Multi-language API (SQL, Python) and no-code user interface
• Access from broader data lake data through external tables and Cloud SQL
• Data and model governance via Oracle Database and Autonomous Database security models in development and production
• Scalable and high-performance modeling and scoring
• Elastic scaling for machine learning as part of OML on Autonomous Database
• Model explainability and prediction details support XAI in development and production
• Bridges gap between development and production with model deployment options
• MLOps capabilities include immediate model production deployment from SQL and REST, user collaboration, queryable model repositories, and
support for streamlined creation of reproducible ML pipelines
• Oracle stack, SaaS, PaaS, IaaS provides a strong environment in which data engineers, ML engineers and architects, corporate developers and
others can contribute to the DS and ML workflow
• On-premises and Cloud availability for ML capabilities
• Oracle tools and enterprise applications integration, including Oracle Analytics Server, Oracle Analytics Cloud and Oracle APEX
• Simple pricing structure - ML capabilities included in core product at no additional cost
Oracle Machine Learning on ADB-S
Copyright © 2021, Oracle and/or its affiliates
16
Oracle Machine Learning for R and Python
Transparency layer
• Leverage proxy objects so data remains in database
• Overload native functions translating functionality to SQL
• Use familiar R / Python syntax on database data
Parallel, distributed algorithms
• Scalability and performance
• Exposes in-database algorithms available from OML4SQL
Embedded execution
• Manage and invoke R or Python scripts in Oracle Database
• Data-parallel, task-parallel, and non-parallel execution
• Use open source packages to augment functionality
OML4Py also includes AutoML and MLX
• Automated algorithm selection, feature selection, model tuning
• Algorithm-agnostic model explainability (MLX) for feature ranking
Copyright © 2021 Oracle and/or its affiliates.
Empower data scientists with open source environments
Oracle
Database
SQL Interface
OML4R
OML Notebooks
OML4Py
REST Interface
Oracle
Autonomous
Database
Oracle
Database
SQL Interface
spawns
Embedded Execution
Example of parallel partitioned data flow using third party package using OML4Py
# user-defined function using sklearn
def build_lm(dat):
from sklearn import linear_model
lm = linear_model.LinearRegression()
X = dat[['PETAL_WIDTH']]
y = dat[['PETAL_LENGTH']]
lm.fit(X, y)
return lm
# select column(s) for partitioning data
index = oml.DataFrame(IRIS['SPECIES'])
# invoke function in parallel on IRIS table
mods = oml.group_apply(IRIS, index,
func=build_lm,
parallel=2)
mods.pull().items() OML4Py
Python Engine
OML4Py
Python Engine
OML4Py
OML Notebooks
Copyright © 2021 Oracle and/or its affiliates.
REST Interface
Oracle Autonomous
Database
User tables
Copyright © 2021, Oracle and/or its affiliates
19
Enhance data scientist productivity and enable non-expert data professionals
Accelerate new ML projects
Automate repetitive and time-consuming tasks
Generate editable notebooks for selected models
Deploy models as REST endpoints
Featuring
• Monitor experiment progress
• Customize selection quality metric and metrics display
• Even faster data scoring performance for streaming
and real-time applications
OML AutoML UI
20
Copyright © 2021, Oracle and/or its affiliates
Simplify the machine learning modeling and deployment process
OML AutoML UI
OML
Model
Data
Copyright © 2021, Oracle and/or its affiliates
21
Auto Algorithm
Selection
• Identify in-database
algorithms likely to
achieve higher
model quality
• Find best algorithm
faster than exhaustive
search
Adaptive
Sampling
• Identify right sample
size for training data
• Adjust sample for
unbalanced data
Auto Feature
Selection
• De-noise data
• Reduce features by
identifying most
predictive
• Improve accuracy
and performance
Auto Model
Tuning
• Improves model
accuracy
• Automated tuning of
hyperparameters
• Avoid manual or
exhaustive search
techniques
OML AutoML UI Experiment Pipeline
Feature Prediction Impact
• Rank features most influential for scoring
• Algorithm-agnostic technique
• For each final model per algorithm
Plus…
Comparing OML4Py AutoML with OML AutoML UI
Copyright © 2021, Oracle and/or its affiliates
22
Step in workflow OML4Py AutoML API OML AutoML UI
Algorithm Selection ü Optional use ü
Adaptive Sampling Roadmap ü
Feature Selection ü Optional use ü
Model Tuning ü ü
Model Selection ü Specific API function to return top model
or user selection
ü Leaderboard ranks models
by score metric for use choice
Feature Prediction Impact ü Optional use via MLX ü
Generate notebook for model Not available ü
Integrated model deployment
to OML Services
Explicit model export and
REST API import
ü
Manual pipeline
assembly
Experiment assembles the
full pipeline
Oracle Machine Learning for Spark
Leverage Spark 2 environment for powerful
data preparation and machine learning
Use data across range of Data Lake sources
Achieve scalability and performance using
full Hadoop cluster
Parallelized and distributed ML algorithms from
native and Spark MLlib implementations
R Language API Component to Oracle Big Data Connectors and on Oracle Big Data Service
Java API
HDFS | Hive | Spark DF |
Impala | JDBC Sources
BDA
BDS
DIY
OML4Spark
R Client
Copyright © 2021 Oracle and/or its affiliates.
Enable key elements of overall enterprise MLOps strategy
Fast data scoring performance for streaming and real-time applications
Pay only for actual scoring compute – no pre-provisioned VM
Facilitate collaboration across data science team
Model Management and Deployment Services
• Deploy in-database (native format) and third-party (ONNX format) models
• Import ONNX for Tensorflow, PyTorch, MXNet, scikitlearn, etc.
• Store, version, compare ML models
• Organize models within namespaces
Built-in cognitive text services
• Extract topics and keywords
• Sentiment analysis
• Text summary and similarity
OML Services
Supports lightweight model scoring using REST endpoints for application integration
Copyright © 2021 Oracle and/or its affiliates.
25
Connectivity and use from Client
Oracle Machine Learning Services architecture
Copyright © 2021, Oracle and/or its affiliates. All rights reserved
REST
Client
user/pass
GET Token
Token + Actions
& Text/Objects
GET
POST
DELETE
Oracle Autonomous Database
/omlusers PDB
/omlmod OML Services
Components with built-in Oracle Machine Learning
Oracle Machine Learning Services - Methods
Copyright © 2021, Oracle and/or its affiliates
26
Repository
• Store Model
• Update Model
Namespace
• Model Listing
• Model Info
• Model Metadata
• Model Content
• Model
Admin
• Token using ADB user
and password
Generic
• Metadata for all
Versions: Version 1
Metadata
• Open API Specification
Deployment
• Create Model Endpoint
• Score Model using
Endpoint
• Endpoints
• Endpoint Details
• Open API Specification
for Endpoint
• Endpoint
Cognitive Text
• Get Most Relevant Topics
• Get Most Relevant
Keywords
• Get Summaries
• Get Sentiments
• Get Semantic Similarities
• Numeric Features
• Get Endpoints
GET
POST
DELETE
GET
POST
DELETE
GET
POST
GET
POST
Copyright © 2021 Oracle and/or its affiliates.
Demo
Copyright © 2021, Oracle and/or its affiliates
28
OML components deployment scenarios
Copyright © 2021, Oracle and/or its affiliates
29
Prepared
Database
Table
Generate
notebook
{REST:API}
OML Services
Enterprise
Applications
Deploy in-database model
OML AutoML UI
Build
in-db model
Export and deploy
in-db model
In-database SQL scoring
Direct model access and In-
database SQL scoring
Direct model access and In-
database SQL scoring
Oracle APEX
In-database model deployment scenarios – OML AutoML UI
Copyright © 2021, Oracle and/or its affiliates
30
{REST:API}
OML Services
Oracle APEX
Deploy in-database model
Import
in-db model
SQL
OML Notebooks
Enterprise
Applications
Direct model access and
In-database SQL scoring
Export
in-db model
In-database model deployment scenarios – OML Notebooks
Direct model access and
In-database SQL scoring
Copyright © 2021, Oracle and/or its affiliates
31
Oracle Database
(on premises and DBCS)
Oracle Autonomous Database
(ADW, ATP, AJD)
Oracle Autonomous Database
(ADW, ATP, AJD)
Export and deploy in-db model
Export and deploy in-db model
Multi-database model deployment scenarios
Copyright © 2021, Oracle and/or its affiliates
32
Export model
in ONNX format
{REST:API}
OML Services
Import
model
OCI Data Science
Oracle APEX
Enterprise
Applications
Model deployment scenarios
Performs text analysis at scale
Understand unstructured text in documents e.g.:
• Customer feedback interactions
• Support tickets
• Social media
Built-in pre-trained models eliminates the need for machine learning expertise
Empowers developers to apply:
• Sentiment analysis
• Key-phrase extraction
• Text classification
• Named entity recognition
• + more
OCI Language
Provides automatic speech recognition
Real-time speech recognition using prebuilt models
Trained on thousands of native and non-native language speakers
Enables developers to easily:
• Convert file-based audio data containing human speech into highly
accurate text transcriptions
• Provide in-workflow closed captions
• Index content
• Enhance analytics on audio and video content
OCI Speech
Provides pre-trained computer vision models
Perform image recognition and document analysis tasks
Extend the models to other use cases e.g.:
• Scene monitoring
• Defect detection
• Document processing
Detect visual anomalies in manufacturing
Extract text from forms to automate business workflows
Tag items in images to count products or shipments
OCI Vision
Business-specific anomaly detection models
Flag critical irregularities early, which enables:
• Faster resolution
• Fewer operational disruption
Provides REST APIs and SDKs for several programming languages
Built on the patented MSET2 algorithm, which is used worldwide e.g.:
• Nuclear reactor health monitoring
• Fraud detection
• Predicting equipment breakdown
• Receiving data from multiple devices to predict failures
OCI Anomaly Detection
Delivers time-series forecasts
No need for data science expertise
Helps developers to quickly create accurate forecasts including:
• Product demand
• Revenue
• Resource requirements
Forecasts all have confidence intervals and explainability to help developers
make the right business decisions
OCI Forecasting
Helps users build labeled datasets to train AI models
Via user interfaces and public APIs, users can:
• Assemble data
• Create and browse datasets
• Apply labels to data records
The labeled data sets can be exported and used for model development
across many of Oracle’s AI and data science services
OCI Data Labeling
Products and Services in Context
39 Copyright © 2021, Oracle and/or its affiliates. All rights reserved.
• A complete and
comprehensive platform
for AI/ML
• Logical layers supporting
wide range of personas
• Services integrated with
data management
services for data science
/ machine learning
solution deployment
Helpful Links
40
ORACLE MACHINE LEARNING ON O.COM
https://www.oracle.com/machine-learning
OML TUTORIALS
OML LiveLab: https://apexapps.oracle.com/pls/apex/dbpm/r/livelabs/view-workshop?p180_id=560
OML4Py LiveLab: https://apexapps.oracle.com/pls/apex/dbpm/r/livelabs/view-workshop?wid=786
Interactive tour: https://docs.oracle.com/en/cloud/paas/autonomous-database/oml-tour
OML OFFICE HOURS
https://asktom.oracle.com/pls/apex/asktom.search?office=6801#sessionss
ORACLE ANALYTICS CLOUD
https://www.oracle.com/solutions/business-analytics/data-visualization/examples.html
OML4PY ORACLE AUTOML UI OML SERVICES
Oracle Machine Learning AutoML UI (2m video)
Oracle Machine Learning Demonstration (6m video)
OML AutoML UI Technical Brief
Blog: Introducing Oracle Machine Learning AutoML UI
Oracle Machine Learning Services (2m video)
OML Services Technical Brief
Oracle Machine Learning Services Documentation
Blog: Introducing Oracle Machine Learning Services
GitHub Repository with OML Services examples
OML4Py (2m video)
OML4Py Introduction (17m video)
OML4Py Technical Brief
OML4Py User’s Guide
Blog: Introducing OML4Py
GitHub Repository with Python notebooks

Weitere ähnliche Inhalte

Was ist angesagt?

Understanding Oracle RAC 11g Release 2 Internals
Understanding Oracle RAC 11g Release 2 InternalsUnderstanding Oracle RAC 11g Release 2 Internals
Understanding Oracle RAC 11g Release 2 InternalsMarkus Michalewicz
 
How to Migrate from Oracle to EDB Postgres
How to Migrate from Oracle to EDB PostgresHow to Migrate from Oracle to EDB Postgres
How to Migrate from Oracle to EDB PostgresAshnikbiz
 
Maximum Availability Architecture - Best Practices for Oracle Database 19c
Maximum Availability Architecture - Best Practices for Oracle Database 19cMaximum Availability Architecture - Best Practices for Oracle Database 19c
Maximum Availability Architecture - Best Practices for Oracle Database 19cGlen Hawkins
 
Ibm integrated analytics system
Ibm integrated analytics systemIbm integrated analytics system
Ibm integrated analytics systemModusOptimum
 
Modern Data Warehousing with the Microsoft Analytics Platform System
Modern Data Warehousing with the Microsoft Analytics Platform SystemModern Data Warehousing with the Microsoft Analytics Platform System
Modern Data Warehousing with the Microsoft Analytics Platform SystemJames Serra
 
Active dataguard
Active dataguardActive dataguard
Active dataguardManoj Kumar
 
Oracle Cloud Infrastructure Overview Deck.pptx
Oracle Cloud Infrastructure Overview Deck.pptxOracle Cloud Infrastructure Overview Deck.pptx
Oracle Cloud Infrastructure Overview Deck.pptxLabibKhairi
 
Oracle Transparent Data Encryption (TDE) 12c
Oracle Transparent Data Encryption (TDE) 12cOracle Transparent Data Encryption (TDE) 12c
Oracle Transparent Data Encryption (TDE) 12cNabeel Yoosuf
 
Oracle RAC 19c - the Basis for the Autonomous Database
Oracle RAC 19c - the Basis for the Autonomous DatabaseOracle RAC 19c - the Basis for the Autonomous Database
Oracle RAC 19c - the Basis for the Autonomous DatabaseMarkus Michalewicz
 
Oracle RAC Virtualized - In VMs, in Containers, On-premises, and in the Cloud
Oracle RAC Virtualized - In VMs, in Containers, On-premises, and in the CloudOracle RAC Virtualized - In VMs, in Containers, On-premises, and in the Cloud
Oracle RAC Virtualized - In VMs, in Containers, On-premises, and in the CloudMarkus Michalewicz
 
Data Lakehouse, Data Mesh, and Data Fabric (r1)
Data Lakehouse, Data Mesh, and Data Fabric (r1)Data Lakehouse, Data Mesh, and Data Fabric (r1)
Data Lakehouse, Data Mesh, and Data Fabric (r1)James Serra
 
Oracle RAC features on Exadata
Oracle RAC features on ExadataOracle RAC features on Exadata
Oracle RAC features on ExadataAnil Nair
 
Oracle Database in-Memory Overivew
Oracle Database in-Memory OverivewOracle Database in-Memory Overivew
Oracle Database in-Memory OverivewMaria Colgan
 
Make Your Application “Oracle RAC Ready” & Test For It
Make Your Application “Oracle RAC Ready” & Test For ItMake Your Application “Oracle RAC Ready” & Test For It
Make Your Application “Oracle RAC Ready” & Test For ItMarkus Michalewicz
 
Migrating Your Oracle Database to PostgreSQL - AWS Online Tech Talks
Migrating Your Oracle Database to PostgreSQL - AWS Online Tech TalksMigrating Your Oracle Database to PostgreSQL - AWS Online Tech Talks
Migrating Your Oracle Database to PostgreSQL - AWS Online Tech TalksAmazon Web Services
 
Oracle Architecture
Oracle ArchitectureOracle Architecture
Oracle ArchitectureNeeraj Singh
 
MAA Best Practices for Oracle Database 19c
MAA Best Practices for Oracle Database 19cMAA Best Practices for Oracle Database 19c
MAA Best Practices for Oracle Database 19cMarkus Michalewicz
 
The Oracle RAC Family of Solutions - Presentation
The Oracle RAC Family of Solutions - PresentationThe Oracle RAC Family of Solutions - Presentation
The Oracle RAC Family of Solutions - PresentationMarkus Michalewicz
 

Was ist angesagt? (20)

Understanding Oracle RAC 11g Release 2 Internals
Understanding Oracle RAC 11g Release 2 InternalsUnderstanding Oracle RAC 11g Release 2 Internals
Understanding Oracle RAC 11g Release 2 Internals
 
How to Migrate from Oracle to EDB Postgres
How to Migrate from Oracle to EDB PostgresHow to Migrate from Oracle to EDB Postgres
How to Migrate from Oracle to EDB Postgres
 
Maximum Availability Architecture - Best Practices for Oracle Database 19c
Maximum Availability Architecture - Best Practices for Oracle Database 19cMaximum Availability Architecture - Best Practices for Oracle Database 19c
Maximum Availability Architecture - Best Practices for Oracle Database 19c
 
Ibm integrated analytics system
Ibm integrated analytics systemIbm integrated analytics system
Ibm integrated analytics system
 
Modern Data Warehousing with the Microsoft Analytics Platform System
Modern Data Warehousing with the Microsoft Analytics Platform SystemModern Data Warehousing with the Microsoft Analytics Platform System
Modern Data Warehousing with the Microsoft Analytics Platform System
 
Active dataguard
Active dataguardActive dataguard
Active dataguard
 
Oracle Cloud Infrastructure Overview Deck.pptx
Oracle Cloud Infrastructure Overview Deck.pptxOracle Cloud Infrastructure Overview Deck.pptx
Oracle Cloud Infrastructure Overview Deck.pptx
 
Oracle Transparent Data Encryption (TDE) 12c
Oracle Transparent Data Encryption (TDE) 12cOracle Transparent Data Encryption (TDE) 12c
Oracle Transparent Data Encryption (TDE) 12c
 
Oracle RAC 19c - the Basis for the Autonomous Database
Oracle RAC 19c - the Basis for the Autonomous DatabaseOracle RAC 19c - the Basis for the Autonomous Database
Oracle RAC 19c - the Basis for the Autonomous Database
 
Enterprise manager 13c
Enterprise manager 13cEnterprise manager 13c
Enterprise manager 13c
 
Oracle RAC Virtualized - In VMs, in Containers, On-premises, and in the Cloud
Oracle RAC Virtualized - In VMs, in Containers, On-premises, and in the CloudOracle RAC Virtualized - In VMs, in Containers, On-premises, and in the Cloud
Oracle RAC Virtualized - In VMs, in Containers, On-premises, and in the Cloud
 
Data Lakehouse, Data Mesh, and Data Fabric (r1)
Data Lakehouse, Data Mesh, and Data Fabric (r1)Data Lakehouse, Data Mesh, and Data Fabric (r1)
Data Lakehouse, Data Mesh, and Data Fabric (r1)
 
Oracle RAC features on Exadata
Oracle RAC features on ExadataOracle RAC features on Exadata
Oracle RAC features on Exadata
 
Oracle Database in-Memory Overivew
Oracle Database in-Memory OverivewOracle Database in-Memory Overivew
Oracle Database in-Memory Overivew
 
Make Your Application “Oracle RAC Ready” & Test For It
Make Your Application “Oracle RAC Ready” & Test For ItMake Your Application “Oracle RAC Ready” & Test For It
Make Your Application “Oracle RAC Ready” & Test For It
 
Migrating Your Oracle Database to PostgreSQL - AWS Online Tech Talks
Migrating Your Oracle Database to PostgreSQL - AWS Online Tech TalksMigrating Your Oracle Database to PostgreSQL - AWS Online Tech Talks
Migrating Your Oracle Database to PostgreSQL - AWS Online Tech Talks
 
Oracle Architecture
Oracle ArchitectureOracle Architecture
Oracle Architecture
 
MAA Best Practices for Oracle Database 19c
MAA Best Practices for Oracle Database 19cMAA Best Practices for Oracle Database 19c
MAA Best Practices for Oracle Database 19c
 
Oracle archi ppt
Oracle archi pptOracle archi ppt
Oracle archi ppt
 
The Oracle RAC Family of Solutions - Presentation
The Oracle RAC Family of Solutions - PresentationThe Oracle RAC Family of Solutions - Presentation
The Oracle RAC Family of Solutions - Presentation
 

Ähnlich wie Machine Learning and AI at Oracle

AutoML - Heralding a New Era of Machine Learning - CASOUG Oct 2021
AutoML - Heralding a New Era of Machine Learning - CASOUG Oct 2021AutoML - Heralding a New Era of Machine Learning - CASOUG Oct 2021
AutoML - Heralding a New Era of Machine Learning - CASOUG Oct 2021Sandesh Rao
 
Practical data science
Practical data sciencePractical data science
Practical data scienceDing Li
 
Introducing new AIOps innovations in Oracle 19c - San Jose AICUG
Introducing new AIOps innovations in Oracle 19c - San Jose AICUGIntroducing new AIOps innovations in Oracle 19c - San Jose AICUG
Introducing new AIOps innovations in Oracle 19c - San Jose AICUGSandesh Rao
 
Introduction to Machine learning - DBA's to data scientists - Oct 2020 - OGBEmea
Introduction to Machine learning - DBA's to data scientists - Oct 2020 - OGBEmeaIntroduction to Machine learning - DBA's to data scientists - Oct 2020 - OGBEmea
Introduction to Machine learning - DBA's to data scientists - Oct 2020 - OGBEmeaSandesh Rao
 
Introduction to Machine Learning - From DBA's to Data Scientists - OGBEMEA
Introduction to Machine Learning - From DBA's to Data Scientists - OGBEMEAIntroduction to Machine Learning - From DBA's to Data Scientists - OGBEMEA
Introduction to Machine Learning - From DBA's to Data Scientists - OGBEMEASandesh Rao
 
.Net development with Azure Machine Learning (AzureML) Nov 2014
.Net development with Azure Machine Learning (AzureML) Nov 2014.Net development with Azure Machine Learning (AzureML) Nov 2014
.Net development with Azure Machine Learning (AzureML) Nov 2014Mark Tabladillo
 
Data Natives Munich v 12.0 | "How to be more productive with Autonomous Data ...
Data Natives Munich v 12.0 | "How to be more productive with Autonomous Data ...Data Natives Munich v 12.0 | "How to be more productive with Autonomous Data ...
Data Natives Munich v 12.0 | "How to be more productive with Autonomous Data ...Dataconomy Media
 
201908 Overview of Automated ML
201908 Overview of Automated ML201908 Overview of Automated ML
201908 Overview of Automated MLMark Tabladillo
 
AUSOUG - NZOUG-GroundBreakers-Jun 2019 - AI and Machine Learning
AUSOUG - NZOUG-GroundBreakers-Jun 2019 - AI and Machine LearningAUSOUG - NZOUG-GroundBreakers-Jun 2019 - AI and Machine Learning
AUSOUG - NZOUG-GroundBreakers-Jun 2019 - AI and Machine LearningSandesh Rao
 
Oracle Query Optimizer - An Introduction
Oracle Query Optimizer - An IntroductionOracle Query Optimizer - An Introduction
Oracle Query Optimizer - An Introductionadryanbub
 
Database@Home : The Future is Data Driven
Database@Home : The Future is Data DrivenDatabase@Home : The Future is Data Driven
Database@Home : The Future is Data DrivenTammy Bednar
 
Walk through of azure machine learning studio new features
Walk through of azure machine learning studio new featuresWalk through of azure machine learning studio new features
Walk through of azure machine learning studio new featuresLuca Zavarella
 
Open CAESAR Initiative
Open CAESAR InitiativeOpen CAESAR Initiative
Open CAESAR InitiativeMaged Elaasar
 
Apache ® Spark™ MLlib 2.x: How to Productionize your Machine Learning Models
Apache ® Spark™ MLlib 2.x: How to Productionize your Machine Learning ModelsApache ® Spark™ MLlib 2.x: How to Productionize your Machine Learning Models
Apache ® Spark™ MLlib 2.x: How to Productionize your Machine Learning ModelsAnyscale
 
Data meets AI - AICUG - Santa Clara
Data meets AI  - AICUG - Santa ClaraData meets AI  - AICUG - Santa Clara
Data meets AI - AICUG - Santa ClaraSandesh Rao
 
201906 02 Introduction to AutoML with ML.NET 1.0
201906 02 Introduction to AutoML with ML.NET 1.0201906 02 Introduction to AutoML with ML.NET 1.0
201906 02 Introduction to AutoML with ML.NET 1.0Mark Tabladillo
 
Paige Roberts: Shortcut MLOps with In-Database Machine Learning
Paige Roberts: Shortcut MLOps with In-Database Machine LearningPaige Roberts: Shortcut MLOps with In-Database Machine Learning
Paige Roberts: Shortcut MLOps with In-Database Machine LearningEdunomica
 
The Data Science Process - Do we need it and how to apply?
The Data Science Process - Do we need it and how to apply?The Data Science Process - Do we need it and how to apply?
The Data Science Process - Do we need it and how to apply?Ivo Andreev
 
Machine Learning and AI
Machine Learning and AIMachine Learning and AI
Machine Learning and AIJames Serra
 

Ähnlich wie Machine Learning and AI at Oracle (20)

AutoML - Heralding a New Era of Machine Learning - CASOUG Oct 2021
AutoML - Heralding a New Era of Machine Learning - CASOUG Oct 2021AutoML - Heralding a New Era of Machine Learning - CASOUG Oct 2021
AutoML - Heralding a New Era of Machine Learning - CASOUG Oct 2021
 
Practical data science
Practical data sciencePractical data science
Practical data science
 
Introducing new AIOps innovations in Oracle 19c - San Jose AICUG
Introducing new AIOps innovations in Oracle 19c - San Jose AICUGIntroducing new AIOps innovations in Oracle 19c - San Jose AICUG
Introducing new AIOps innovations in Oracle 19c - San Jose AICUG
 
Introduction to Machine learning - DBA's to data scientists - Oct 2020 - OGBEmea
Introduction to Machine learning - DBA's to data scientists - Oct 2020 - OGBEmeaIntroduction to Machine learning - DBA's to data scientists - Oct 2020 - OGBEmea
Introduction to Machine learning - DBA's to data scientists - Oct 2020 - OGBEmea
 
Introduction to Machine Learning - From DBA's to Data Scientists - OGBEMEA
Introduction to Machine Learning - From DBA's to Data Scientists - OGBEMEAIntroduction to Machine Learning - From DBA's to Data Scientists - OGBEMEA
Introduction to Machine Learning - From DBA's to Data Scientists - OGBEMEA
 
.Net development with Azure Machine Learning (AzureML) Nov 2014
.Net development with Azure Machine Learning (AzureML) Nov 2014.Net development with Azure Machine Learning (AzureML) Nov 2014
.Net development with Azure Machine Learning (AzureML) Nov 2014
 
Machine learning
Machine learningMachine learning
Machine learning
 
Data Natives Munich v 12.0 | "How to be more productive with Autonomous Data ...
Data Natives Munich v 12.0 | "How to be more productive with Autonomous Data ...Data Natives Munich v 12.0 | "How to be more productive with Autonomous Data ...
Data Natives Munich v 12.0 | "How to be more productive with Autonomous Data ...
 
201908 Overview of Automated ML
201908 Overview of Automated ML201908 Overview of Automated ML
201908 Overview of Automated ML
 
AUSOUG - NZOUG-GroundBreakers-Jun 2019 - AI and Machine Learning
AUSOUG - NZOUG-GroundBreakers-Jun 2019 - AI and Machine LearningAUSOUG - NZOUG-GroundBreakers-Jun 2019 - AI and Machine Learning
AUSOUG - NZOUG-GroundBreakers-Jun 2019 - AI and Machine Learning
 
Oracle Query Optimizer - An Introduction
Oracle Query Optimizer - An IntroductionOracle Query Optimizer - An Introduction
Oracle Query Optimizer - An Introduction
 
Database@Home : The Future is Data Driven
Database@Home : The Future is Data DrivenDatabase@Home : The Future is Data Driven
Database@Home : The Future is Data Driven
 
Walk through of azure machine learning studio new features
Walk through of azure machine learning studio new featuresWalk through of azure machine learning studio new features
Walk through of azure machine learning studio new features
 
Open CAESAR Initiative
Open CAESAR InitiativeOpen CAESAR Initiative
Open CAESAR Initiative
 
Apache ® Spark™ MLlib 2.x: How to Productionize your Machine Learning Models
Apache ® Spark™ MLlib 2.x: How to Productionize your Machine Learning ModelsApache ® Spark™ MLlib 2.x: How to Productionize your Machine Learning Models
Apache ® Spark™ MLlib 2.x: How to Productionize your Machine Learning Models
 
Data meets AI - AICUG - Santa Clara
Data meets AI  - AICUG - Santa ClaraData meets AI  - AICUG - Santa Clara
Data meets AI - AICUG - Santa Clara
 
201906 02 Introduction to AutoML with ML.NET 1.0
201906 02 Introduction to AutoML with ML.NET 1.0201906 02 Introduction to AutoML with ML.NET 1.0
201906 02 Introduction to AutoML with ML.NET 1.0
 
Paige Roberts: Shortcut MLOps with In-Database Machine Learning
Paige Roberts: Shortcut MLOps with In-Database Machine LearningPaige Roberts: Shortcut MLOps with In-Database Machine Learning
Paige Roberts: Shortcut MLOps with In-Database Machine Learning
 
The Data Science Process - Do we need it and how to apply?
The Data Science Process - Do we need it and how to apply?The Data Science Process - Do we need it and how to apply?
The Data Science Process - Do we need it and how to apply?
 
Machine Learning and AI
Machine Learning and AIMachine Learning and AI
Machine Learning and AI
 

Mehr von Sandesh Rao

Whats new in Autonomous Database in 2022
Whats new in Autonomous Database in 2022Whats new in Autonomous Database in 2022
Whats new in Autonomous Database in 2022Sandesh Rao
 
Oracle Database performance tuning using oratop
Oracle Database performance tuning using oratopOracle Database performance tuning using oratop
Oracle Database performance tuning using oratopSandesh Rao
 
Analysis of Database Issues using AHF and Machine Learning v2 - AOUG2022
Analysis of Database Issues using AHF and Machine Learning v2 -  AOUG2022Analysis of Database Issues using AHF and Machine Learning v2 -  AOUG2022
Analysis of Database Issues using AHF and Machine Learning v2 - AOUG2022Sandesh Rao
 
Analysis of Database Issues using AHF and Machine Learning v2 - SOUG
Analysis of Database Issues using AHF and Machine Learning v2 -  SOUGAnalysis of Database Issues using AHF and Machine Learning v2 -  SOUG
Analysis of Database Issues using AHF and Machine Learning v2 - SOUGSandesh Rao
 
15 Troubleshooting tips and Tricks for Database 21c - KSAOUG
15 Troubleshooting tips and Tricks for Database 21c - KSAOUG15 Troubleshooting tips and Tricks for Database 21c - KSAOUG
15 Troubleshooting tips and Tricks for Database 21c - KSAOUGSandesh Rao
 
Top 20 FAQs on the Autonomous Database
Top 20 FAQs on the Autonomous DatabaseTop 20 FAQs on the Autonomous Database
Top 20 FAQs on the Autonomous DatabaseSandesh Rao
 
How to Use EXAchk Effectively to Manage Exadata Environments
How to Use EXAchk Effectively to Manage Exadata EnvironmentsHow to Use EXAchk Effectively to Manage Exadata Environments
How to Use EXAchk Effectively to Manage Exadata EnvironmentsSandesh Rao
 
15 Troubleshooting Tips and Tricks for database 21c - OGBEMEA KSAOUG
15 Troubleshooting Tips and Tricks for database 21c - OGBEMEA KSAOUG15 Troubleshooting Tips and Tricks for database 21c - OGBEMEA KSAOUG
15 Troubleshooting Tips and Tricks for database 21c - OGBEMEA KSAOUGSandesh Rao
 
TFA Collector - what can one do with it
TFA Collector - what can one do with it TFA Collector - what can one do with it
TFA Collector - what can one do with it Sandesh Rao
 
How to use Exachk effectively to manage Exadata environments OGBEmea
How to use Exachk effectively to manage Exadata environments OGBEmeaHow to use Exachk effectively to manage Exadata environments OGBEmea
How to use Exachk effectively to manage Exadata environments OGBEmeaSandesh Rao
 
Troubleshooting tips and tricks for Oracle Database Oct 2020
Troubleshooting tips and tricks for Oracle Database Oct 2020Troubleshooting tips and tricks for Oracle Database Oct 2020
Troubleshooting tips and tricks for Oracle Database Oct 2020Sandesh Rao
 
20 tips and tricks with the Autonomous Database
20 tips and tricks with the Autonomous Database20 tips and tricks with the Autonomous Database
20 tips and tricks with the Autonomous DatabaseSandesh Rao
 
TFA, ORAchk and EXAchk 20.2 - What's new
TFA, ORAchk and EXAchk 20.2 - What's new TFA, ORAchk and EXAchk 20.2 - What's new
TFA, ORAchk and EXAchk 20.2 - What's new Sandesh Rao
 
Machine Learning in Autonomous Data Warehouse
 Machine Learning in Autonomous Data Warehouse Machine Learning in Autonomous Data Warehouse
Machine Learning in Autonomous Data WarehouseSandesh Rao
 
Introduction to AutoML and Data Science using the Oracle Autonomous Database ...
Introduction to AutoML and Data Science using the Oracle Autonomous Database ...Introduction to AutoML and Data Science using the Oracle Autonomous Database ...
Introduction to AutoML and Data Science using the Oracle Autonomous Database ...Sandesh Rao
 
Oracle Autonomous Health Service- For Protecting Your On-Premise Databases- F...
Oracle Autonomous Health Service- For Protecting Your On-Premise Databases- F...Oracle Autonomous Health Service- For Protecting Your On-Premise Databases- F...
Oracle Autonomous Health Service- For Protecting Your On-Premise Databases- F...Sandesh Rao
 
Introduction to Machine Learning and Data Science using Autonomous Database ...
Introduction to Machine Learning and Data Science using Autonomous Database  ...Introduction to Machine Learning and Data Science using Autonomous Database  ...
Introduction to Machine Learning and Data Science using Autonomous Database ...Sandesh Rao
 
The Machine Learning behind the Autonomous Database ILOUG Feb 2020
The Machine Learning behind the Autonomous Database   ILOUG Feb 2020 The Machine Learning behind the Autonomous Database   ILOUG Feb 2020
The Machine Learning behind the Autonomous Database ILOUG Feb 2020 Sandesh Rao
 
Troubleshooting Tips and Tricks for Database 19c ILOUG Feb 2020
Troubleshooting Tips and Tricks for Database 19c   ILOUG Feb 2020Troubleshooting Tips and Tricks for Database 19c   ILOUG Feb 2020
Troubleshooting Tips and Tricks for Database 19c ILOUG Feb 2020Sandesh Rao
 
Introduction to Machine Learning and Data Science using the Autonomous databa...
Introduction to Machine Learning and Data Science using the Autonomous databa...Introduction to Machine Learning and Data Science using the Autonomous databa...
Introduction to Machine Learning and Data Science using the Autonomous databa...Sandesh Rao
 

Mehr von Sandesh Rao (20)

Whats new in Autonomous Database in 2022
Whats new in Autonomous Database in 2022Whats new in Autonomous Database in 2022
Whats new in Autonomous Database in 2022
 
Oracle Database performance tuning using oratop
Oracle Database performance tuning using oratopOracle Database performance tuning using oratop
Oracle Database performance tuning using oratop
 
Analysis of Database Issues using AHF and Machine Learning v2 - AOUG2022
Analysis of Database Issues using AHF and Machine Learning v2 -  AOUG2022Analysis of Database Issues using AHF and Machine Learning v2 -  AOUG2022
Analysis of Database Issues using AHF and Machine Learning v2 - AOUG2022
 
Analysis of Database Issues using AHF and Machine Learning v2 - SOUG
Analysis of Database Issues using AHF and Machine Learning v2 -  SOUGAnalysis of Database Issues using AHF and Machine Learning v2 -  SOUG
Analysis of Database Issues using AHF and Machine Learning v2 - SOUG
 
15 Troubleshooting tips and Tricks for Database 21c - KSAOUG
15 Troubleshooting tips and Tricks for Database 21c - KSAOUG15 Troubleshooting tips and Tricks for Database 21c - KSAOUG
15 Troubleshooting tips and Tricks for Database 21c - KSAOUG
 
Top 20 FAQs on the Autonomous Database
Top 20 FAQs on the Autonomous DatabaseTop 20 FAQs on the Autonomous Database
Top 20 FAQs on the Autonomous Database
 
How to Use EXAchk Effectively to Manage Exadata Environments
How to Use EXAchk Effectively to Manage Exadata EnvironmentsHow to Use EXAchk Effectively to Manage Exadata Environments
How to Use EXAchk Effectively to Manage Exadata Environments
 
15 Troubleshooting Tips and Tricks for database 21c - OGBEMEA KSAOUG
15 Troubleshooting Tips and Tricks for database 21c - OGBEMEA KSAOUG15 Troubleshooting Tips and Tricks for database 21c - OGBEMEA KSAOUG
15 Troubleshooting Tips and Tricks for database 21c - OGBEMEA KSAOUG
 
TFA Collector - what can one do with it
TFA Collector - what can one do with it TFA Collector - what can one do with it
TFA Collector - what can one do with it
 
How to use Exachk effectively to manage Exadata environments OGBEmea
How to use Exachk effectively to manage Exadata environments OGBEmeaHow to use Exachk effectively to manage Exadata environments OGBEmea
How to use Exachk effectively to manage Exadata environments OGBEmea
 
Troubleshooting tips and tricks for Oracle Database Oct 2020
Troubleshooting tips and tricks for Oracle Database Oct 2020Troubleshooting tips and tricks for Oracle Database Oct 2020
Troubleshooting tips and tricks for Oracle Database Oct 2020
 
20 tips and tricks with the Autonomous Database
20 tips and tricks with the Autonomous Database20 tips and tricks with the Autonomous Database
20 tips and tricks with the Autonomous Database
 
TFA, ORAchk and EXAchk 20.2 - What's new
TFA, ORAchk and EXAchk 20.2 - What's new TFA, ORAchk and EXAchk 20.2 - What's new
TFA, ORAchk and EXAchk 20.2 - What's new
 
Machine Learning in Autonomous Data Warehouse
 Machine Learning in Autonomous Data Warehouse Machine Learning in Autonomous Data Warehouse
Machine Learning in Autonomous Data Warehouse
 
Introduction to AutoML and Data Science using the Oracle Autonomous Database ...
Introduction to AutoML and Data Science using the Oracle Autonomous Database ...Introduction to AutoML and Data Science using the Oracle Autonomous Database ...
Introduction to AutoML and Data Science using the Oracle Autonomous Database ...
 
Oracle Autonomous Health Service- For Protecting Your On-Premise Databases- F...
Oracle Autonomous Health Service- For Protecting Your On-Premise Databases- F...Oracle Autonomous Health Service- For Protecting Your On-Premise Databases- F...
Oracle Autonomous Health Service- For Protecting Your On-Premise Databases- F...
 
Introduction to Machine Learning and Data Science using Autonomous Database ...
Introduction to Machine Learning and Data Science using Autonomous Database  ...Introduction to Machine Learning and Data Science using Autonomous Database  ...
Introduction to Machine Learning and Data Science using Autonomous Database ...
 
The Machine Learning behind the Autonomous Database ILOUG Feb 2020
The Machine Learning behind the Autonomous Database   ILOUG Feb 2020 The Machine Learning behind the Autonomous Database   ILOUG Feb 2020
The Machine Learning behind the Autonomous Database ILOUG Feb 2020
 
Troubleshooting Tips and Tricks for Database 19c ILOUG Feb 2020
Troubleshooting Tips and Tricks for Database 19c   ILOUG Feb 2020Troubleshooting Tips and Tricks for Database 19c   ILOUG Feb 2020
Troubleshooting Tips and Tricks for Database 19c ILOUG Feb 2020
 
Introduction to Machine Learning and Data Science using the Autonomous databa...
Introduction to Machine Learning and Data Science using the Autonomous databa...Introduction to Machine Learning and Data Science using the Autonomous databa...
Introduction to Machine Learning and Data Science using the Autonomous databa...
 

Kürzlich hochgeladen

Apidays New York 2024 - APIs in 2030: The Risk of Technological Sleepwalk by ...
Apidays New York 2024 - APIs in 2030: The Risk of Technological Sleepwalk by ...Apidays New York 2024 - APIs in 2030: The Risk of Technological Sleepwalk by ...
Apidays New York 2024 - APIs in 2030: The Risk of Technological Sleepwalk by ...apidays
 
CNIC Information System with Pakdata Cf In Pakistan
CNIC Information System with Pakdata Cf In PakistanCNIC Information System with Pakdata Cf In Pakistan
CNIC Information System with Pakdata Cf In Pakistandanishmna97
 
DEV meet-up UiPath Document Understanding May 7 2024 Amsterdam
DEV meet-up UiPath Document Understanding May 7 2024 AmsterdamDEV meet-up UiPath Document Understanding May 7 2024 Amsterdam
DEV meet-up UiPath Document Understanding May 7 2024 AmsterdamUiPathCommunity
 
Strategize a Smooth Tenant-to-tenant Migration and Copilot Takeoff
Strategize a Smooth Tenant-to-tenant Migration and Copilot TakeoffStrategize a Smooth Tenant-to-tenant Migration and Copilot Takeoff
Strategize a Smooth Tenant-to-tenant Migration and Copilot Takeoffsammart93
 
Connector Corner: Accelerate revenue generation using UiPath API-centric busi...
Connector Corner: Accelerate revenue generation using UiPath API-centric busi...Connector Corner: Accelerate revenue generation using UiPath API-centric busi...
Connector Corner: Accelerate revenue generation using UiPath API-centric busi...DianaGray10
 
Six Myths about Ontologies: The Basics of Formal Ontology
Six Myths about Ontologies: The Basics of Formal OntologySix Myths about Ontologies: The Basics of Formal Ontology
Six Myths about Ontologies: The Basics of Formal Ontologyjohnbeverley2021
 
presentation ICT roal in 21st century education
presentation ICT roal in 21st century educationpresentation ICT roal in 21st century education
presentation ICT roal in 21st century educationjfdjdjcjdnsjd
 
Elevate Developer Efficiency & build GenAI Application with Amazon Q​
Elevate Developer Efficiency & build GenAI Application with Amazon Q​Elevate Developer Efficiency & build GenAI Application with Amazon Q​
Elevate Developer Efficiency & build GenAI Application with Amazon Q​Bhuvaneswari Subramani
 
MINDCTI Revenue Release Quarter One 2024
MINDCTI Revenue Release Quarter One 2024MINDCTI Revenue Release Quarter One 2024
MINDCTI Revenue Release Quarter One 2024MIND CTI
 
Navigating the Deluge_ Dubai Floods and the Resilience of Dubai International...
Navigating the Deluge_ Dubai Floods and the Resilience of Dubai International...Navigating the Deluge_ Dubai Floods and the Resilience of Dubai International...
Navigating the Deluge_ Dubai Floods and the Resilience of Dubai International...Orbitshub
 
ProductAnonymous-April2024-WinProductDiscovery-MelissaKlemke
ProductAnonymous-April2024-WinProductDiscovery-MelissaKlemkeProductAnonymous-April2024-WinProductDiscovery-MelissaKlemke
ProductAnonymous-April2024-WinProductDiscovery-MelissaKlemkeProduct Anonymous
 
DBX First Quarter 2024 Investor Presentation
DBX First Quarter 2024 Investor PresentationDBX First Quarter 2024 Investor Presentation
DBX First Quarter 2024 Investor PresentationDropbox
 
Cloud Frontiers: A Deep Dive into Serverless Spatial Data and FME
Cloud Frontiers:  A Deep Dive into Serverless Spatial Data and FMECloud Frontiers:  A Deep Dive into Serverless Spatial Data and FME
Cloud Frontiers: A Deep Dive into Serverless Spatial Data and FMESafe Software
 
Architecting Cloud Native Applications
Architecting Cloud Native ApplicationsArchitecting Cloud Native Applications
Architecting Cloud Native ApplicationsWSO2
 
Emergent Methods: Multi-lingual narrative tracking in the news - real-time ex...
Emergent Methods: Multi-lingual narrative tracking in the news - real-time ex...Emergent Methods: Multi-lingual narrative tracking in the news - real-time ex...
Emergent Methods: Multi-lingual narrative tracking in the news - real-time ex...Zilliz
 
"I see eyes in my soup": How Delivery Hero implemented the safety system for ...
"I see eyes in my soup": How Delivery Hero implemented the safety system for ..."I see eyes in my soup": How Delivery Hero implemented the safety system for ...
"I see eyes in my soup": How Delivery Hero implemented the safety system for ...Zilliz
 
FWD Group - Insurer Innovation Award 2024
FWD Group - Insurer Innovation Award 2024FWD Group - Insurer Innovation Award 2024
FWD Group - Insurer Innovation Award 2024The Digital Insurer
 
TrustArc Webinar - Unlock the Power of AI-Driven Data Discovery
TrustArc Webinar - Unlock the Power of AI-Driven Data DiscoveryTrustArc Webinar - Unlock the Power of AI-Driven Data Discovery
TrustArc Webinar - Unlock the Power of AI-Driven Data DiscoveryTrustArc
 
Apidays New York 2024 - The value of a flexible API Management solution for O...
Apidays New York 2024 - The value of a flexible API Management solution for O...Apidays New York 2024 - The value of a flexible API Management solution for O...
Apidays New York 2024 - The value of a flexible API Management solution for O...apidays
 
Exploring Multimodal Embeddings with Milvus
Exploring Multimodal Embeddings with MilvusExploring Multimodal Embeddings with Milvus
Exploring Multimodal Embeddings with MilvusZilliz
 

Kürzlich hochgeladen (20)

Apidays New York 2024 - APIs in 2030: The Risk of Technological Sleepwalk by ...
Apidays New York 2024 - APIs in 2030: The Risk of Technological Sleepwalk by ...Apidays New York 2024 - APIs in 2030: The Risk of Technological Sleepwalk by ...
Apidays New York 2024 - APIs in 2030: The Risk of Technological Sleepwalk by ...
 
CNIC Information System with Pakdata Cf In Pakistan
CNIC Information System with Pakdata Cf In PakistanCNIC Information System with Pakdata Cf In Pakistan
CNIC Information System with Pakdata Cf In Pakistan
 
DEV meet-up UiPath Document Understanding May 7 2024 Amsterdam
DEV meet-up UiPath Document Understanding May 7 2024 AmsterdamDEV meet-up UiPath Document Understanding May 7 2024 Amsterdam
DEV meet-up UiPath Document Understanding May 7 2024 Amsterdam
 
Strategize a Smooth Tenant-to-tenant Migration and Copilot Takeoff
Strategize a Smooth Tenant-to-tenant Migration and Copilot TakeoffStrategize a Smooth Tenant-to-tenant Migration and Copilot Takeoff
Strategize a Smooth Tenant-to-tenant Migration and Copilot Takeoff
 
Connector Corner: Accelerate revenue generation using UiPath API-centric busi...
Connector Corner: Accelerate revenue generation using UiPath API-centric busi...Connector Corner: Accelerate revenue generation using UiPath API-centric busi...
Connector Corner: Accelerate revenue generation using UiPath API-centric busi...
 
Six Myths about Ontologies: The Basics of Formal Ontology
Six Myths about Ontologies: The Basics of Formal OntologySix Myths about Ontologies: The Basics of Formal Ontology
Six Myths about Ontologies: The Basics of Formal Ontology
 
presentation ICT roal in 21st century education
presentation ICT roal in 21st century educationpresentation ICT roal in 21st century education
presentation ICT roal in 21st century education
 
Elevate Developer Efficiency & build GenAI Application with Amazon Q​
Elevate Developer Efficiency & build GenAI Application with Amazon Q​Elevate Developer Efficiency & build GenAI Application with Amazon Q​
Elevate Developer Efficiency & build GenAI Application with Amazon Q​
 
MINDCTI Revenue Release Quarter One 2024
MINDCTI Revenue Release Quarter One 2024MINDCTI Revenue Release Quarter One 2024
MINDCTI Revenue Release Quarter One 2024
 
Navigating the Deluge_ Dubai Floods and the Resilience of Dubai International...
Navigating the Deluge_ Dubai Floods and the Resilience of Dubai International...Navigating the Deluge_ Dubai Floods and the Resilience of Dubai International...
Navigating the Deluge_ Dubai Floods and the Resilience of Dubai International...
 
ProductAnonymous-April2024-WinProductDiscovery-MelissaKlemke
ProductAnonymous-April2024-WinProductDiscovery-MelissaKlemkeProductAnonymous-April2024-WinProductDiscovery-MelissaKlemke
ProductAnonymous-April2024-WinProductDiscovery-MelissaKlemke
 
DBX First Quarter 2024 Investor Presentation
DBX First Quarter 2024 Investor PresentationDBX First Quarter 2024 Investor Presentation
DBX First Quarter 2024 Investor Presentation
 
Cloud Frontiers: A Deep Dive into Serverless Spatial Data and FME
Cloud Frontiers:  A Deep Dive into Serverless Spatial Data and FMECloud Frontiers:  A Deep Dive into Serverless Spatial Data and FME
Cloud Frontiers: A Deep Dive into Serverless Spatial Data and FME
 
Architecting Cloud Native Applications
Architecting Cloud Native ApplicationsArchitecting Cloud Native Applications
Architecting Cloud Native Applications
 
Emergent Methods: Multi-lingual narrative tracking in the news - real-time ex...
Emergent Methods: Multi-lingual narrative tracking in the news - real-time ex...Emergent Methods: Multi-lingual narrative tracking in the news - real-time ex...
Emergent Methods: Multi-lingual narrative tracking in the news - real-time ex...
 
"I see eyes in my soup": How Delivery Hero implemented the safety system for ...
"I see eyes in my soup": How Delivery Hero implemented the safety system for ..."I see eyes in my soup": How Delivery Hero implemented the safety system for ...
"I see eyes in my soup": How Delivery Hero implemented the safety system for ...
 
FWD Group - Insurer Innovation Award 2024
FWD Group - Insurer Innovation Award 2024FWD Group - Insurer Innovation Award 2024
FWD Group - Insurer Innovation Award 2024
 
TrustArc Webinar - Unlock the Power of AI-Driven Data Discovery
TrustArc Webinar - Unlock the Power of AI-Driven Data DiscoveryTrustArc Webinar - Unlock the Power of AI-Driven Data Discovery
TrustArc Webinar - Unlock the Power of AI-Driven Data Discovery
 
Apidays New York 2024 - The value of a flexible API Management solution for O...
Apidays New York 2024 - The value of a flexible API Management solution for O...Apidays New York 2024 - The value of a flexible API Management solution for O...
Apidays New York 2024 - The value of a flexible API Management solution for O...
 
Exploring Multimodal Embeddings with Milvus
Exploring Multimodal Embeddings with MilvusExploring Multimodal Embeddings with Milvus
Exploring Multimodal Embeddings with Milvus
 

Machine Learning and AI at Oracle

  • 1. VP AIOps for the Autonomous Database Sandesh Rao LAOUC Machine Learning and AI at Oracle @sandeshr https://www.linkedin.com/in/raosandesh/ https://www.slideshare.net/SandeshRao4
  • 2. Types of Machine Learning Supervised Learning Predict future outcomes with the help of training data provided by human experts Semi-Supervised Learning Discover patterns within raw data and make predictions, which are then reviewed by human experts, who provide feedback which is used to improve the model accuracy Unsupervised Learning Find patterns without any external input other than the raw data Reinforcement Learning Take decisions based on past rewards for this type of action
  • 3. ML Project Workflow Set the business objectives Gather compare and clean data Identify and extract features (important columns) from imported data This helps us identify the efficiency of the algorithm Take the input data which is also called the training data and apply the algorithm to it In order for the algorithm to function efficiently, it is important to pick the right value for hyper parameters (input parameters to the algorithm) Once the training data in the algorithm are combined we get a model 1 2 3 4 5
  • 4. ML vs AutoML Algorithm Selection Feature Selection Model Tuning Model Evaluation AutoML automates the manual steps Accuracy Repeated retraining cycles Algorithms improve models as they get trained on greater volumes of data or more recent/relevant data
  • 5. Does not replace data scientists but rather expediate their capabilities Does AutoML remove the need for Data Scientists? At the advent of the assembly line in manufacturing, many tedious processes were automated. This enabled workers to put their time and energy into bigger issues, from quality of product to improving design and manufacturing processes. AutoML gives similar power to data scientists, delivering more time to engineer predictive features, develop data acquisition strategies, improve the data transformation pipelines, and more.
  • 6. Copyright © 2021, Oracle and/or its affiliates 6 Oracle Machine Learning Automated Automated machine learning supports data scientist productivity and empowers non-experts Algorithm-specific data preparation, integrated text mining, partitioned models Scalable Over 30 high performance, parallelized in-database machine learning algorithms that require no data movement Production-ready Quickly deploy and update machine learning models in production via SQL and REST APIs Deploy R and Python user-defined functions using managed processes with easy data-parallel and task- parallel invocation Model Repository Workspaces and Projects Zeppelin-based Notebooks Model Deployment Model Building Model Management Prediction Details R and Python Integration AutoML Data Management Infrastructure Oracle Database – Oracle Autonomous Database – Data Lake Access – Integration – Preparation – Exploration CPU – Storage – Network Cloud On premises
  • 7. Oracle Machine Learning interfaces to Oracle Database Oracle Autonomous Database Oracle Database OML Notebooks Oracle Database Cloud Service OML4Py Oracle Data Miner OML4R OML4SQL Python client, Jupyter Notebooks SQL Developer R client, RStudio SQL Developer SQL*Plus Data Management Platform Oracle Machine Learning Component Tool * coming soon Apache Zeppelin OML4SQL OML4Py OML4R* Copyright © 2021 Oracle and/or its affiliates.
  • 8. Most Productive for Developers and Analysts Integrated microservices, events, REST, SaaS, ML, CI/CD, Low-Code Supports diverse Workload Transactions, analytics, ML, IoT, streaming, blockchain Supports diverse Data Relational, JSON, graph, spatial, text, OLAP, XML, multimedia In cloud and on premises – integrated, not fragmented Building on the world’s only converged database Copyright © 2021, Oracle and/or its affiliates.
  • 9. Oracle Machine Learning Notebooks Collaborative UI • Based on Apache Zeppelin • Supports data scientists, data analysts, application developers, and DBAs with SQL and Python • Easy notebook sharing • Scheduling, versioning, access control Included with Autonomous Database • Automatically provisioned and managed • In-database algorithms and analytics functions • Explore and prepare, build and evaluate models, score data, deploy solutions Autonomous Database as a Data Science Platform Copyright © 2021 Oracle and/or its affiliates.
  • 10. CLASSIFICATION • Naïve Bayes • Logistic Regression (GLM) • Decision Tree • Random Forest • Neural Network • Support Vector Machine (SVM) • Explicit Semantic Analysis • XGBoost* ANOMALY DETECTION • One-Class SVM • MSET-SPRT* CLUSTERING • Hierarchical K-Means • Hierarchical O-Cluster • Expectation Maximization (EM) TIME SERIES • Forecasting - Exponential Smoothing • Includes popular models e.g. Holt-Winters with trends, seasonality, irregular time series REGRESSION • Generalized Linear Model (GLM) • Support Vector Machine (SVM) • Stepwise Linear regression • Neural Network • XGBoost* ATTRIBUTE IMPORTANCE • Minimum Description Length • Principal Component Analysis (PCA) • Unsupervised Pairwise KL Divergence • CUR decomposition for row & AI ASSOCIATION RULES • A priori PREDICTIVE QUERIES • Predict, cluster, detect, features SQL ANALYTICS • SQL Windows • SQL Patterns • SQL Aggregates FEATURE EXTRACTION • Principal Comp Analysis (PCA) • Non-negative Matrix Factorization • Singular Value Decomposition (SVD) • Explicit Semantic Analysis (ESA) ROW IMPORTANCE • CUR Decomposition RANKING • XGBoost* TEXT MINING SUPPORT • Algorithms support text columns • Tokenization and theme extraction • Explicit Semantic Analysis (ESA) STATISTICAL FUNCTIONS • min, max, median, stdev, t-test, F-test, Pearson’s, Chi-Sq, ANOVA, etc. Oracle Machine Learning Algorithms and Analytics in Oracle Database * New in 21c Includes support for Partitioned Models, Transactional data and aggregations Copyright © 2021, Oracle and/or its affiliates
  • 11. Oracle Machine Learning for SQL In-database, parallelized, distributed algorithms • No extracting data to separate ML engine • Fast and scalable • Batch and real-time scoring at scale that leverages Exadata storage-tier function pushdown • Algorithm-specific automatic data preparation • Explanatory prediction details ML models as first-class database objects • Access control per model • Audit user actions • Export / import models across databases • Ease of backup, recovery, and security Faster time-to-market through immediate solution deployment Empower SQL users with immediate access to ML included with Oracle Database and Oracle Autonomous Database SQL Interfaces SQL*Plus SQLDeveloper … Oracle Autonomous Database OML Notebooks Oracle Database with OML Copyright © 2021 Oracle and/or its affiliates.
  • 12. OML to Predict Customer Behavior -- Build a machine learning model to determine which customers are likely buy Travel Insurance DECLARE v_setlst DBMS_DATA_MINING.SETTING_LIST; BEGIN v_setlst('ALGO_NAME') := 'ALGO_SUPPORT_VECTOR_MACHINES'; V_setlst('PREP_AUTO') := 'ON'; DBMS_DATA_MINING.CREATE_MODEL2( MODEL_NAME => 'BUY_TRVL_INSUR', MINING_FUNCTION => 'CLASSIFICATION', DATA_QUERY => 'select * from CUSTOMERS', SET_LIST => v_setlst, CASE_ID_COLUMN_NAME => 'CUST_ID', TARGET_COLUMN_NAME => BUY_TRAVEL_INSURANCE'); END; -- Apply a machine learning model to predict which customers are likely to buy SELECT prediction_probability(BUY_TRVL_INSUR, 'Yes' USING 3500 as bank_funds, 37 as age, 'Married' as marital_status, 2 as num_previous_cruises) FROM dual; Intuitive SQL API—OML4SQL Copyright © 2021 Oracle and/or its affiliates.
  • 13. New algorithms and features eXtreme Gradient Boosting Trees (XGBoost) • Classification, regression, ranking • Highly popular and powerful algorithm for speed and model accuracy Multivariate State Estimation Technique- Sequential Probability Ratio Test (MSET-SPRT) • Anomaly detection for sensors, IoT data sources • Detects subtle anomalies while producing minimal false alarms Neural Network • Adam Solver - A minibatch solver – computationally efficient, requires little memory, well-suited to larger data • ReLU activation function – enables easier to train models with better performance Enhanced prediction details • Enables even higher quality understanding of factors that most contribute to a prediction • For Support Vector Machine, Generalized Linear Model, Neural Network, k-Means OML4SQL – new in Database 21c Copyright © 2021, Oracle and/or its affiliates 13
  • 14. Oracle Data Miner User Interface SQL Developer Extension for Oracle Database on premises and DBCS Automates typical data science steps Easy to use drag-and- drop interface Analytical workflows quickly defined and shared Wide range of algorithms and data transformations Generate SQL code for immediate deployment Create analytical workflows – productivity tool for data scientists – enables citizen data scientists Copyright © 2021 Oracle and/or its affiliates.
  • 15. New algorithms and features eXtreme Gradient Boosting Trees (XGBoost) • Classification, regression, ranking • Highly popular and powerful algorithm for speed and model accuracy Multivariate State Estimation Technique- Sequential Probability Ratio Test (MSET-SPRT) • Anomaly detection for sensors, IoT data sources • Detects subtle anomalies while producing minimal false alarms Neural Network • Adam Solver - A minibatch solver – computationally efficient, requires little memory, well-suited to larger data • ReLU activation function – enables easier to train models with better performance Enhanced prediction details • Enables even higher quality understanding of factors that most contribute to a prediction • For Support Vector Machine, Generalized Linear Model, Neural Network, k-Means OML4SQL – new in Database 21c Copyright © 2021, Oracle and/or its affiliates 15
  • 16. Summary • Minimize or eliminate data movement for database data • Multi-persona, collaborative, democratized machine learning for data scientists, citizen data scientists, developers • Multi-language API (SQL, Python) and no-code user interface • Access from broader data lake data through external tables and Cloud SQL • Data and model governance via Oracle Database and Autonomous Database security models in development and production • Scalable and high-performance modeling and scoring • Elastic scaling for machine learning as part of OML on Autonomous Database • Model explainability and prediction details support XAI in development and production • Bridges gap between development and production with model deployment options • MLOps capabilities include immediate model production deployment from SQL and REST, user collaboration, queryable model repositories, and support for streamlined creation of reproducible ML pipelines • Oracle stack, SaaS, PaaS, IaaS provides a strong environment in which data engineers, ML engineers and architects, corporate developers and others can contribute to the DS and ML workflow • On-premises and Cloud availability for ML capabilities • Oracle tools and enterprise applications integration, including Oracle Analytics Server, Oracle Analytics Cloud and Oracle APEX • Simple pricing structure - ML capabilities included in core product at no additional cost Oracle Machine Learning on ADB-S Copyright © 2021, Oracle and/or its affiliates 16
  • 17. Oracle Machine Learning for R and Python Transparency layer • Leverage proxy objects so data remains in database • Overload native functions translating functionality to SQL • Use familiar R / Python syntax on database data Parallel, distributed algorithms • Scalability and performance • Exposes in-database algorithms available from OML4SQL Embedded execution • Manage and invoke R or Python scripts in Oracle Database • Data-parallel, task-parallel, and non-parallel execution • Use open source packages to augment functionality OML4Py also includes AutoML and MLX • Automated algorithm selection, feature selection, model tuning • Algorithm-agnostic model explainability (MLX) for feature ranking Copyright © 2021 Oracle and/or its affiliates. Empower data scientists with open source environments Oracle Database SQL Interface OML4R OML Notebooks OML4Py REST Interface Oracle Autonomous Database Oracle Database SQL Interface
  • 18. spawns Embedded Execution Example of parallel partitioned data flow using third party package using OML4Py # user-defined function using sklearn def build_lm(dat): from sklearn import linear_model lm = linear_model.LinearRegression() X = dat[['PETAL_WIDTH']] y = dat[['PETAL_LENGTH']] lm.fit(X, y) return lm # select column(s) for partitioning data index = oml.DataFrame(IRIS['SPECIES']) # invoke function in parallel on IRIS table mods = oml.group_apply(IRIS, index, func=build_lm, parallel=2) mods.pull().items() OML4Py Python Engine OML4Py Python Engine OML4Py OML Notebooks Copyright © 2021 Oracle and/or its affiliates. REST Interface Oracle Autonomous Database User tables
  • 19. Copyright © 2021, Oracle and/or its affiliates 19
  • 20. Enhance data scientist productivity and enable non-expert data professionals Accelerate new ML projects Automate repetitive and time-consuming tasks Generate editable notebooks for selected models Deploy models as REST endpoints Featuring • Monitor experiment progress • Customize selection quality metric and metrics display • Even faster data scoring performance for streaming and real-time applications OML AutoML UI 20 Copyright © 2021, Oracle and/or its affiliates
  • 21. Simplify the machine learning modeling and deployment process OML AutoML UI OML Model Data Copyright © 2021, Oracle and/or its affiliates 21 Auto Algorithm Selection • Identify in-database algorithms likely to achieve higher model quality • Find best algorithm faster than exhaustive search Adaptive Sampling • Identify right sample size for training data • Adjust sample for unbalanced data Auto Feature Selection • De-noise data • Reduce features by identifying most predictive • Improve accuracy and performance Auto Model Tuning • Improves model accuracy • Automated tuning of hyperparameters • Avoid manual or exhaustive search techniques OML AutoML UI Experiment Pipeline Feature Prediction Impact • Rank features most influential for scoring • Algorithm-agnostic technique • For each final model per algorithm Plus…
  • 22. Comparing OML4Py AutoML with OML AutoML UI Copyright © 2021, Oracle and/or its affiliates 22 Step in workflow OML4Py AutoML API OML AutoML UI Algorithm Selection ü Optional use ü Adaptive Sampling Roadmap ü Feature Selection ü Optional use ü Model Tuning ü ü Model Selection ü Specific API function to return top model or user selection ü Leaderboard ranks models by score metric for use choice Feature Prediction Impact ü Optional use via MLX ü Generate notebook for model Not available ü Integrated model deployment to OML Services Explicit model export and REST API import ü Manual pipeline assembly Experiment assembles the full pipeline
  • 23. Oracle Machine Learning for Spark Leverage Spark 2 environment for powerful data preparation and machine learning Use data across range of Data Lake sources Achieve scalability and performance using full Hadoop cluster Parallelized and distributed ML algorithms from native and Spark MLlib implementations R Language API Component to Oracle Big Data Connectors and on Oracle Big Data Service Java API HDFS | Hive | Spark DF | Impala | JDBC Sources BDA BDS DIY OML4Spark R Client Copyright © 2021 Oracle and/or its affiliates.
  • 24. Enable key elements of overall enterprise MLOps strategy Fast data scoring performance for streaming and real-time applications Pay only for actual scoring compute – no pre-provisioned VM Facilitate collaboration across data science team Model Management and Deployment Services • Deploy in-database (native format) and third-party (ONNX format) models • Import ONNX for Tensorflow, PyTorch, MXNet, scikitlearn, etc. • Store, version, compare ML models • Organize models within namespaces Built-in cognitive text services • Extract topics and keywords • Sentiment analysis • Text summary and similarity OML Services Supports lightweight model scoring using REST endpoints for application integration Copyright © 2021 Oracle and/or its affiliates.
  • 25. 25 Connectivity and use from Client Oracle Machine Learning Services architecture Copyright © 2021, Oracle and/or its affiliates. All rights reserved REST Client user/pass GET Token Token + Actions & Text/Objects GET POST DELETE Oracle Autonomous Database /omlusers PDB /omlmod OML Services
  • 26. Components with built-in Oracle Machine Learning Oracle Machine Learning Services - Methods Copyright © 2021, Oracle and/or its affiliates 26 Repository • Store Model • Update Model Namespace • Model Listing • Model Info • Model Metadata • Model Content • Model Admin • Token using ADB user and password Generic • Metadata for all Versions: Version 1 Metadata • Open API Specification Deployment • Create Model Endpoint • Score Model using Endpoint • Endpoints • Endpoint Details • Open API Specification for Endpoint • Endpoint Cognitive Text • Get Most Relevant Topics • Get Most Relevant Keywords • Get Summaries • Get Sentiments • Get Semantic Similarities • Numeric Features • Get Endpoints GET POST DELETE GET POST DELETE GET POST GET POST
  • 27. Copyright © 2021 Oracle and/or its affiliates. Demo
  • 28. Copyright © 2021, Oracle and/or its affiliates 28 OML components deployment scenarios
  • 29. Copyright © 2021, Oracle and/or its affiliates 29 Prepared Database Table Generate notebook {REST:API} OML Services Enterprise Applications Deploy in-database model OML AutoML UI Build in-db model Export and deploy in-db model In-database SQL scoring Direct model access and In- database SQL scoring Direct model access and In- database SQL scoring Oracle APEX In-database model deployment scenarios – OML AutoML UI
  • 30. Copyright © 2021, Oracle and/or its affiliates 30 {REST:API} OML Services Oracle APEX Deploy in-database model Import in-db model SQL OML Notebooks Enterprise Applications Direct model access and In-database SQL scoring Export in-db model In-database model deployment scenarios – OML Notebooks Direct model access and In-database SQL scoring
  • 31. Copyright © 2021, Oracle and/or its affiliates 31 Oracle Database (on premises and DBCS) Oracle Autonomous Database (ADW, ATP, AJD) Oracle Autonomous Database (ADW, ATP, AJD) Export and deploy in-db model Export and deploy in-db model Multi-database model deployment scenarios
  • 32. Copyright © 2021, Oracle and/or its affiliates 32 Export model in ONNX format {REST:API} OML Services Import model OCI Data Science Oracle APEX Enterprise Applications Model deployment scenarios
  • 33. Performs text analysis at scale Understand unstructured text in documents e.g.: • Customer feedback interactions • Support tickets • Social media Built-in pre-trained models eliminates the need for machine learning expertise Empowers developers to apply: • Sentiment analysis • Key-phrase extraction • Text classification • Named entity recognition • + more OCI Language
  • 34. Provides automatic speech recognition Real-time speech recognition using prebuilt models Trained on thousands of native and non-native language speakers Enables developers to easily: • Convert file-based audio data containing human speech into highly accurate text transcriptions • Provide in-workflow closed captions • Index content • Enhance analytics on audio and video content OCI Speech
  • 35. Provides pre-trained computer vision models Perform image recognition and document analysis tasks Extend the models to other use cases e.g.: • Scene monitoring • Defect detection • Document processing Detect visual anomalies in manufacturing Extract text from forms to automate business workflows Tag items in images to count products or shipments OCI Vision
  • 36. Business-specific anomaly detection models Flag critical irregularities early, which enables: • Faster resolution • Fewer operational disruption Provides REST APIs and SDKs for several programming languages Built on the patented MSET2 algorithm, which is used worldwide e.g.: • Nuclear reactor health monitoring • Fraud detection • Predicting equipment breakdown • Receiving data from multiple devices to predict failures OCI Anomaly Detection
  • 37. Delivers time-series forecasts No need for data science expertise Helps developers to quickly create accurate forecasts including: • Product demand • Revenue • Resource requirements Forecasts all have confidence intervals and explainability to help developers make the right business decisions OCI Forecasting
  • 38. Helps users build labeled datasets to train AI models Via user interfaces and public APIs, users can: • Assemble data • Create and browse datasets • Apply labels to data records The labeled data sets can be exported and used for model development across many of Oracle’s AI and data science services OCI Data Labeling
  • 39. Products and Services in Context 39 Copyright © 2021, Oracle and/or its affiliates. All rights reserved. • A complete and comprehensive platform for AI/ML • Logical layers supporting wide range of personas • Services integrated with data management services for data science / machine learning solution deployment
  • 40. Helpful Links 40 ORACLE MACHINE LEARNING ON O.COM https://www.oracle.com/machine-learning OML TUTORIALS OML LiveLab: https://apexapps.oracle.com/pls/apex/dbpm/r/livelabs/view-workshop?p180_id=560 OML4Py LiveLab: https://apexapps.oracle.com/pls/apex/dbpm/r/livelabs/view-workshop?wid=786 Interactive tour: https://docs.oracle.com/en/cloud/paas/autonomous-database/oml-tour OML OFFICE HOURS https://asktom.oracle.com/pls/apex/asktom.search?office=6801#sessionss ORACLE ANALYTICS CLOUD https://www.oracle.com/solutions/business-analytics/data-visualization/examples.html OML4PY ORACLE AUTOML UI OML SERVICES Oracle Machine Learning AutoML UI (2m video) Oracle Machine Learning Demonstration (6m video) OML AutoML UI Technical Brief Blog: Introducing Oracle Machine Learning AutoML UI Oracle Machine Learning Services (2m video) OML Services Technical Brief Oracle Machine Learning Services Documentation Blog: Introducing Oracle Machine Learning Services GitHub Repository with OML Services examples OML4Py (2m video) OML4Py Introduction (17m video) OML4Py Technical Brief OML4Py User’s Guide Blog: Introducing OML4Py GitHub Repository with Python notebooks