Michael O’Connell, Chief Analytics Officer, TIBCO Software
Steven Hillion, Sr. Director of Data Science, TIBCO Software
June 2019
AI in Action:
Anomaly Detection
• Applications of Anomaly Detection
• Historical Context
• Deep Learning Methods
• Example: Anomaly Detection on Time Series
• Getting Started with TIBCO
Agenda
© Copyright 2000-2019 TIBCO Software Inc.
3
Applications of
Anomaly Detection
Applications of Anomaly Detection
• Financial fraud detection
• Event detection in sensor networks
• Network security
• Health monitoring
• Data cleansing
• Manufacturing:
• Defect imaging
• Unusual Process Conditions
• Atypical Product Characteristics
© Copyright 2000-2019 TIBCO Software Inc.
Key Issue – Understand Variability
5
Historical Context
Detecting Anomalies with Machine Learning
• Supervised (need labeled data) and Unsupervised Learning
Some Types of Anomalies
• Facilities Equipment - Sensor & environmental data
• Process Equipment – Sensor fault detection data
• Process Results – Process history and measurements
• Physical Defects – Defect images & characteristics
• Product – Product Test characteristics
A General Method
1. Detect anomalies and incidents
2. Classify anomalies/incidents as fingerprints or signatures
3. Determine causes of the anomalies/incident classes
4. Develop Action Plans to address the causes
5. Predict on new data and intervene to mitigate potential problems
6. Case manage the incidents to resolution
Anomaly Detection in IoT
© Copyright 2000-2019 TIBCO Software Inc.
Key Issue – Understand Variability
Univariate
Statistical Process Control SPC
Multivariate – Linear Methods
• Multiple X variables (columns)
• No Y variable (unsupervised learning)
• Principle Components Analysis (PCA)
• Kmeans cluster analysis on PCA space
• Measure distance of each record (row) to
closest centroid => extent of anomaly
Multivariate – Non-Linear Methods
Deep Learning - Autoencoders
• Unsupervised learning
• Measure distance of each record (row) to its
autoencoder-computed-value (reconstruction
error) => extent of anomaly
Univariate & Multivariate Anomaly Detection
X /Y / TimeTime
© Copyright 2000-2019 TIBCO Software Inc.
PCA + Cluster Analysis Autoencoder
Unsupervised Learning Methods
Real-time equipment anomaly prediction & clustering
High Tech Manufacturing
Accelerator
https://community.tibco.com/modules/high-tech-manufacturing-accelerator
M
6
© Copyright 2000-2019 TIBCO Software Inc.
Univariate Statistical Process Control
Detect changes from
baseline variability
• One variable at a time
Shewhart Process Control
Charts
• Statistically derived Control
Limits
• Western Electric or Nelson rules
• Automated Alerting
Individual – Moving Range Control Charts
© Copyright 2000-2019 TIBCO Software Inc.
• Suppose we measured 2 parameters y1 and y2 (e.g. pressure and temperature )
• Univariate charts would not detect some obvious outliers
• This happens in many real applications
The Power of Multivariate Control Charts
Bad
Tester
© Copyright 2000-2019 TIBCO Software Inc.
• Also called Virtual Sensors
• Multivariate model for underlying virtual dimensions
that capture the “good” and in-control process data
• Relations can be linear, non-linear, follow patterns
• Apply that model to the ongoing process to detect
• Shift, drift, outliers in underlying components, virtual dimensions
Virtual sensor is working, and senses shift, drift, outliers.
• Shift, drift, outliers in prediction (of “normal”) residuals
Virtual sensor is no longer working, “universe changed”
• Root causes among parameters, inputs
What specific parameters contribute most to the problem?
Machine-Learning Based Process Monitoring:
Using Virtual Models of “Normal” Operations
© Copyright 2000-2019 TIBCO Software Inc.
• Linear model (PLS), predicting maturation from multivariate data
• Model defines dimensions (“factors”) describing “normal” maturation
• Use model to monitor new batches; dimensions and prediction residuals
Example: Model-Based SPC for a
Multivariate Batch Maturation Process
Predictions/dimensions: One of
the batches did not trend correctly
over time
Residuals: Given elapsed time,
parameter values cannot be
reproduced (universe changed)
© Copyright 2000-2019 TIBCO Software Inc.
Univariate
• Statistical Process Control SPC
Multivariate - Linear Methods
• Multiple Y variables and multiple X variables
• PCA Regression (PCA on X variables, regress
Principal Components on Y variables)
• PLS and SIMCA (project to new space)
• Popularized by Svante Wold, John
MacGregor
• Comprehensively implemented in TIBCO
Data Science - Statistica
• SIMCA: multivariate continuous processes
across time eg Manufacturing Biologics
• Nonlinear relationships, non-normal
distributions not well captured
Multivariate – Non-Linear Methods
• Deep Learning - Autoencoders
Univariate & Multivariate Anomaly Detection
X /Y / TimeTime
© Copyright 2000-2019 TIBCO Software Inc.
Deep Learning Breakthroughs
2019 Turing Award
Yann LeCun, AT&T, NYU, Facebook
• Optical character recognition
• Convolutional Networks (CNNs)
• Computer Vision, handwriting, OCR, bank checks
Geoffrey Hinton, U Toronto, Google Brain
• Backpropagation for multi-layer nets
• Alexnet – image recognition (Imagenet challenge)
• Computer Vision
Yoshua Bengio, U Montreal, Element AI
• Recurrent Networks (RNNs)
• Autoregression, autoencoders
• Medical image analysis, speech, robotics
• AI for social good
© Copyright 2000-2019 TIBCO Software Inc.
Breakthroughs
• Image Recognition // Speech Recognition //
• Natural Language Processing // Computer Vision
Why the explosion?
• New algorithms and techniques
• Convolutional NN, Recursive NN, Generative Adversarial NNs
• New Hardware capabilities
• GPU
• Multicore
• Clusters
• More Data
• New Tools from the Open Source world
• Cloud compute environments
From Neural Networks to Deep Learning
cs231n.github.io/neural-networks-1
© Copyright 2000-2019 TIBCO Software Inc.
Autoencoder
• Represents multivariate data in a smaller number
of dimensions / variables / attributes / features
• Analogous to Principal Components
• non-linear dimensions => more accurate
Anomalies from Autoencoder
• Anomaly: Rows / records / observations that are
multivariate outliers
• Autoencoder: rows are reconstructed from input
rows
• Reconstruction Error => extent of anomaly
• Anomaly = row not well represented by lower
dimensional approximation
Autoencoders and Anomalies
By Chervinskii - Own work, CC BY-SA 4.0
https://commons.wikimedia.org/w/index.php?curid=45555552
X f (X) z f ’(z) Xhat
© Copyright 2000-2019 TIBCO Software Inc.
Sparse Autoencoders
• More hidden units than inputs, sampled inclusion
Denoising Autoencoders
• With corrupted/noisy inputs
Generative Adversarial Networks
• Two networks compete (LeCun speaking about these)
Variational Autoencoders
• Assumptions on the latent variables (z)
X f (X) z f ’(z) Xhat
Autoencoder Variants
© Copyright 2000-2019 TIBCO Software Inc.
H2O DeepLearning function( )
• Simple Structure of networks – specify number of fully-connected layers (and
optionally dropout)
• Settings for Sparse Data can outperform GPU
• For GPU, H2O Deep Water Project uses GPU but no longer being developed
• H2O recommends Keras for new projects with GPU
• Predict function for autoencoder used to compute reconstruction error on
incoming new observation
Keras and Tensorflow
• Keras as front end for Tensorflow, CNTK, Theano, MXNet
• Tensorflow 2.0 has Keras included
• Specify complex network topologies
• Use different types of layers – CNN, RNN,…
• Can leverage GPU throughout
Deep Learning in R and Python
© Copyright 2000-2019 TIBCO Software Inc.
19
Example:
Anomaly Detection on
Time Series
Industrial Plant: Raw Time Series Data
© Copyright 2000-2019 TIBCO Software Inc.
Industrial Plant: Raw Time Series Data
© Copyright 2000-2019 TIBCO Software Inc.
Industrial Plant: Raw Time series Data
© Copyright 2000-2019 TIBCO Software Inc.
Tag Training, Validation & Test Data Sets
© Copyright 2000-2019 TIBCO Software Inc.
Variable Selection
© Copyright 2000-2019 TIBCO Software Inc.
Model Configuration & Evaluation
Validation Error has clear minimum
Note Distribution of Reconstruction Error
© Copyright 2000-2019 TIBCO Software Inc.
Problems Converging
Anomaly Detection & Components
© Copyright 2000-2019 TIBCO Software Inc.
High Reconstruction Error = Anomaly
Sensor Trace Components and
Anomalies for Case Management
Anomalies & Component Signatures
© Copyright 2000-2019 TIBCO Software Inc.
Anomalies & Component Signatures
© Copyright 2000-2019 TIBCO Software Inc.
© Copyright 2000-2019 TIBCO Software Inc.
Issues with Univariate Analysis Highlighted
Incident not detected on
Univariate Chart
Reconstruction
Error
Identify Incidents Programmatically
© Copyright 2000-2019 TIBCO Software Inc.
Incident = Persistent Anomaly
• Like univariate Western Electric
Rules
• Can be parameterized e.g. 10
sequential anomalies = 1
incident
• Package as autoencoder for
anomaly detection + rules for
incidents
• Characterize incidents as
signatures via kmeans
• Root cause on (future) incidents
Time
Cluster Similar Incidents, View Signatures
© Copyright 2000-2019 TIBCO Software Inc.
Reconstruction
Error
Identify Incidents - Batch and Event Stream
© Copyright 2000-2019 TIBCO Software Inc.
Batch and Event Stream
Inference
• Autoencoder => reconstruction
error => anomaly
• Rules for incident = persistent
anomaly
• Apply in Batch – on clock or on
trigger
• Score on Event Stream for real-
time intervention
• Classify incident via signature
(from kmeans)
• Case manage identified
incident to resolution
• Close loop and rebase model
Time
TIBCO Data Science – TIBCO Cloud Integration - TIBCO Live Apps
© Copyright 2000-2019 TIBCO Software Inc.
Identifying Anomalies on the Event Stream
34
Getting Started
with TIBCO
Modeling
+ Visual composition
+ Notebook
+ Native ML/DL & OS
integrations
Operations Deployment
+ Model lifecycle mgt
+ Visual analytics & BI
+ Batch automation
+ Real-time event processing
Data Access / Data Prep
+ Distributed compute
+ Dedicated host
+ Feature Engineering
BI eg medics for
epidemic monitoring
Engineer eg
O&G production
optimization
Quant eg trading
desk reconciliation
Data Engineer
Data Scientist
Citizen Data Scientist
Data Scientist
Citizen Data Scientist
Analytics Operations
IT / Software Engineer
FUNCTION
USER
Business User
IT / Administration
Business Applications
+ Predictive maintenance
+ Engineering/IoT/IIoT
+ Customer Analytics
+ Supply Chain ...
TIBCO Data Science
© Copyright 2000-2019 TIBCO Software Inc.
Value = Find + Act on Critical
Business Moments
Critical business moments occur
in every facet of enterprise
operations.
They drive competitive
differentiation, customer
satisfaction and
business success.
smart cross-sell
offers
predict impending
equipment failure
real-time inventory
management
optimize
routes
anticipate and
handle disruptions
optimize
pricing
prevent
fraud
deliver proactive
customer service
© Copyright 2000-2019 TIBCO Software Inc.
TIBCO Connected Intelligence
Information
Management
Data Fabric
UNIFY
Data Science
Analytics
AUGMENT
Event-driven
Applications
API-led
Integration
CONNECT
© Copyright 2000-2019 TIBCO Software Inc.
TIBCO Community the platform for our users
TIBCO Community the platform for our users! community.tibco.com
© Copyright 2000-2019 TIBCO Software Inc.
TIBCO Data Science - strength in SPC, PLS, SIMCA
Spotfire Template w Data Science for QC/SPC
Spotfire Function for calling TIBCO Data Science
AutoML in TIBCO Data Science
Learn & Do More with TIBCO Analytics
© Copyright 2000-2019 TIBCO Software Inc.
https://community.tibco.com/wiki/tibco-labshttps://community.tibco.com/exchange
Visit the Anomaly Detection page
on the TIBCO Community and see
autoencoding with TIBCO Data
Science and using SageMaker
Learn & Do More with TIBCO Data Science
Visit the TIBCO Community
Manufacturing Solutions page
Download AI & Machine Learning
Manufacturing Solutions from the
TIBCO Exchange
© Copyright 2000-2019 TIBCO Software Inc.
41
Questions & Contact
Thank you!
Michael O’Connell
Chief Analytics Officer
TIBCO
moconnell@tibco.com
@MichOConnell
TIBCO Community
community.tibco.com
TIBCO Exchange
community.tibco.com/exchange
Spotfire Trial
www.tibco.com/products/tibco-spotfire
© Copyright 2000-2019 TIBCO Software Inc.

More Related Content

PDF
データ分析を支える技術 DWH再入門
PDF
DI&A Slides: Data Lake vs. Data Warehouse
PPTX
え!? Power BI の画面からデータ更新なんてできるの!? ~PowerApps カスタムビジュアルの可能性~
PPTX
OSS系データベース、クラウド・データベースへ脱Oracleへの実現方法
PDF
Amazon Redshiftによるリアルタイム分析サービスの構築
PDF
20170518_今さら聞けないHANAのハナシの基本のき by SAPジャパン株式会社 新久保浩二
PDF
AIOps: Your DevOps Co-Pilot
PDF
データ分析を支える技術 データ分析基盤再入門
データ分析を支える技術 DWH再入門
DI&A Slides: Data Lake vs. Data Warehouse
え!? Power BI の画面からデータ更新なんてできるの!? ~PowerApps カスタムビジュアルの可能性~
OSS系データベース、クラウド・データベースへ脱Oracleへの実現方法
Amazon Redshiftによるリアルタイム分析サービスの構築
20170518_今さら聞けないHANAのハナシの基本のき by SAPジャパン株式会社 新久保浩二
AIOps: Your DevOps Co-Pilot
データ分析を支える技術 データ分析基盤再入門

What's hot (20)

PDF
AWS Black Belt Tech シリーズ 2015 - Amazon Elastic MapReduce
PDF
NetflixにおけるPresto/Spark活用事例
PDF
Moving to Databricks & Delta
PDF
Apache Sparkに手を出してヤケドしないための基本 ~「Apache Spark入門より」~ (デブサミ 2016 講演資料)
PPTX
Data ops in practice
PPTX
BigData Architecture for Azure
PDF
アサヒのデータ活用基盤を支えるデータ仮想化技術
PDF
AWS Black Belt Tech シリーズ 2015 - Amazon Redshift
PDF
Spark SQL - The internal -
PDF
40分でわかるHadoop徹底入門 (Cloudera World Tokyo 2014 講演資料)
PDF
NTT DATA と PostgreSQL が挑んだ総力戦
PDF
20190205 AWS Black Belt Online Seminar 公共機関によるAWSの利活用
PDF
Logをs3とredshiftに格納する仕組み
PDF
Spark Hadoop Tutorial | Spark Hadoop Example on NBA | Apache Spark Training |...
PDF
失敗事例で学ぶ負荷試験
PDF
Kinesis + Elasticsearchでつくるさいきょうのログ分析基盤
PDF
Best-Practices-for-Using-Tableau-With-Snowflake.pdf
PDF
クラウド上のデータ活用デザインパターン
PDF
Amazon Elastic MapReduce with Hive/Presto ハンズオン(講義)
PPTX
Oracle Data Minerハンズオンセミナー170927:②Oracle data minerハンズオン資料
AWS Black Belt Tech シリーズ 2015 - Amazon Elastic MapReduce
NetflixにおけるPresto/Spark活用事例
Moving to Databricks & Delta
Apache Sparkに手を出してヤケドしないための基本 ~「Apache Spark入門より」~ (デブサミ 2016 講演資料)
Data ops in practice
BigData Architecture for Azure
アサヒのデータ活用基盤を支えるデータ仮想化技術
AWS Black Belt Tech シリーズ 2015 - Amazon Redshift
Spark SQL - The internal -
40分でわかるHadoop徹底入門 (Cloudera World Tokyo 2014 講演資料)
NTT DATA と PostgreSQL が挑んだ総力戦
20190205 AWS Black Belt Online Seminar 公共機関によるAWSの利活用
Logをs3とredshiftに格納する仕組み
Spark Hadoop Tutorial | Spark Hadoop Example on NBA | Apache Spark Training |...
失敗事例で学ぶ負荷試験
Kinesis + Elasticsearchでつくるさいきょうのログ分析基盤
Best-Practices-for-Using-Tableau-With-Snowflake.pdf
クラウド上のデータ活用デザインパターン
Amazon Elastic MapReduce with Hive/Presto ハンズオン(講義)
Oracle Data Minerハンズオンセミナー170927:②Oracle data minerハンズオン資料
Ad

Similar to Anomaly detection - TIBCO Data Science Central (20)

PDF
Anomaly Detection using Deep Auto-Encoders
PPTX
swatiVCprsentation artificial learning and machine learning.pptx
PDF
Bäßler2022_Article_UnsupervisedAnomalyDetectionIn.pdf
PPTX
Anomaly Detection and Spark Implementation - Meetup Presentation.pptx
PPTX
AI-Powered-Anomaly-Detection-in-Time-Series-Data.pptx
PPTX
AI-Powered-Anomaly-Detection-in-Time-Series-Data.pptx
PPTX
Time Series Anomaly Detection Literature Survey
PPTX
Anomaly Detection using Deep Auto-Encoders | Gianmario Spacagna
PPTX
Anomaly Detection - Real World Scenarios, Approaches and Live Implementation
PDF
Big Data LDN 2018: ACCELERATING YOUR ANALYTICS JOURNEY WITH REAL-TIME AI
PDF
Anomaly detection (Unsupervised Learning) in Machine Learning
PDF
Enhancing Time Series Anomaly Detection: A Hybrid Model Fusion Approach
PDF
Analytics for large-scale time series and event data
PDF
Outlier analysis for Temporal Datasets
PDF
Dataday Texas 2016 - Datadog
PDF
An Introduction to Anomaly Detection
PPTX
Machine Learning Algorithms for Anomaly Detection in Particles Accelerators T...
PPTX
Outlier Detection in Data Mining An Essential Component of Semiconductor Manu...
PDF
anomalydetection-191104083630.pdf
PDF
RS Barga STRATA'18 New York City
Anomaly Detection using Deep Auto-Encoders
swatiVCprsentation artificial learning and machine learning.pptx
Bäßler2022_Article_UnsupervisedAnomalyDetectionIn.pdf
Anomaly Detection and Spark Implementation - Meetup Presentation.pptx
AI-Powered-Anomaly-Detection-in-Time-Series-Data.pptx
AI-Powered-Anomaly-Detection-in-Time-Series-Data.pptx
Time Series Anomaly Detection Literature Survey
Anomaly Detection using Deep Auto-Encoders | Gianmario Spacagna
Anomaly Detection - Real World Scenarios, Approaches and Live Implementation
Big Data LDN 2018: ACCELERATING YOUR ANALYTICS JOURNEY WITH REAL-TIME AI
Anomaly detection (Unsupervised Learning) in Machine Learning
Enhancing Time Series Anomaly Detection: A Hybrid Model Fusion Approach
Analytics for large-scale time series and event data
Outlier analysis for Temporal Datasets
Dataday Texas 2016 - Datadog
An Introduction to Anomaly Detection
Machine Learning Algorithms for Anomaly Detection in Particles Accelerators T...
Outlier Detection in Data Mining An Essential Component of Semiconductor Manu...
anomalydetection-191104083630.pdf
RS Barga STRATA'18 New York City
Ad

Recently uploaded (20)

PPTX
The various Industrial Revolutions .pptx
PDF
Zenith AI: Advanced Artificial Intelligence
PDF
Produktkatalog für HOBO Datenlogger, Wetterstationen, Sensoren, Software und ...
PDF
Enhancing emotion recognition model for a student engagement use case through...
PDF
STKI Israel Market Study 2025 version august
PDF
Developing a website for English-speaking practice to English as a foreign la...
PDF
Hindi spoken digit analysis for native and non-native speakers
PDF
Taming the Chaos: How to Turn Unstructured Data into Decisions
PPT
What is a Computer? Input Devices /output devices
PDF
Convolutional neural network based encoder-decoder for efficient real-time ob...
PDF
Credit Without Borders: AI and Financial Inclusion in Bangladesh
PPTX
Chapter 5: Probability Theory and Statistics
PDF
Two-dimensional Klein-Gordon and Sine-Gordon numerical solutions based on dee...
PDF
sustainability-14-14877-v2.pddhzftheheeeee
PDF
OpenACC and Open Hackathons Monthly Highlights July 2025
PDF
1 - Historical Antecedents, Social Consideration.pdf
PPTX
Custom Battery Pack Design Considerations for Performance and Safety
PPTX
Final SEM Unit 1 for mit wpu at pune .pptx
PPT
Geologic Time for studying geology for geologist
DOCX
search engine optimization ppt fir known well about this
The various Industrial Revolutions .pptx
Zenith AI: Advanced Artificial Intelligence
Produktkatalog für HOBO Datenlogger, Wetterstationen, Sensoren, Software und ...
Enhancing emotion recognition model for a student engagement use case through...
STKI Israel Market Study 2025 version august
Developing a website for English-speaking practice to English as a foreign la...
Hindi spoken digit analysis for native and non-native speakers
Taming the Chaos: How to Turn Unstructured Data into Decisions
What is a Computer? Input Devices /output devices
Convolutional neural network based encoder-decoder for efficient real-time ob...
Credit Without Borders: AI and Financial Inclusion in Bangladesh
Chapter 5: Probability Theory and Statistics
Two-dimensional Klein-Gordon and Sine-Gordon numerical solutions based on dee...
sustainability-14-14877-v2.pddhzftheheeeee
OpenACC and Open Hackathons Monthly Highlights July 2025
1 - Historical Antecedents, Social Consideration.pdf
Custom Battery Pack Design Considerations for Performance and Safety
Final SEM Unit 1 for mit wpu at pune .pptx
Geologic Time for studying geology for geologist
search engine optimization ppt fir known well about this

Anomaly detection - TIBCO Data Science Central

  • 1. Michael O’Connell, Chief Analytics Officer, TIBCO Software Steven Hillion, Sr. Director of Data Science, TIBCO Software June 2019 AI in Action: Anomaly Detection
  • 2. • Applications of Anomaly Detection • Historical Context • Deep Learning Methods • Example: Anomaly Detection on Time Series • Getting Started with TIBCO Agenda © Copyright 2000-2019 TIBCO Software Inc.
  • 4. Applications of Anomaly Detection • Financial fraud detection • Event detection in sensor networks • Network security • Health monitoring • Data cleansing • Manufacturing: • Defect imaging • Unusual Process Conditions • Atypical Product Characteristics © Copyright 2000-2019 TIBCO Software Inc. Key Issue – Understand Variability
  • 6. Detecting Anomalies with Machine Learning • Supervised (need labeled data) and Unsupervised Learning Some Types of Anomalies • Facilities Equipment - Sensor & environmental data • Process Equipment – Sensor fault detection data • Process Results – Process history and measurements • Physical Defects – Defect images & characteristics • Product – Product Test characteristics A General Method 1. Detect anomalies and incidents 2. Classify anomalies/incidents as fingerprints or signatures 3. Determine causes of the anomalies/incident classes 4. Develop Action Plans to address the causes 5. Predict on new data and intervene to mitigate potential problems 6. Case manage the incidents to resolution Anomaly Detection in IoT © Copyright 2000-2019 TIBCO Software Inc. Key Issue – Understand Variability
  • 7. Univariate Statistical Process Control SPC Multivariate – Linear Methods • Multiple X variables (columns) • No Y variable (unsupervised learning) • Principle Components Analysis (PCA) • Kmeans cluster analysis on PCA space • Measure distance of each record (row) to closest centroid => extent of anomaly Multivariate – Non-Linear Methods Deep Learning - Autoencoders • Unsupervised learning • Measure distance of each record (row) to its autoencoder-computed-value (reconstruction error) => extent of anomaly Univariate & Multivariate Anomaly Detection X /Y / TimeTime © Copyright 2000-2019 TIBCO Software Inc. PCA + Cluster Analysis Autoencoder Unsupervised Learning Methods
  • 8. Real-time equipment anomaly prediction & clustering High Tech Manufacturing Accelerator https://community.tibco.com/modules/high-tech-manufacturing-accelerator M 6 © Copyright 2000-2019 TIBCO Software Inc.
  • 9. Univariate Statistical Process Control Detect changes from baseline variability • One variable at a time Shewhart Process Control Charts • Statistically derived Control Limits • Western Electric or Nelson rules • Automated Alerting Individual – Moving Range Control Charts © Copyright 2000-2019 TIBCO Software Inc.
  • 10. • Suppose we measured 2 parameters y1 and y2 (e.g. pressure and temperature ) • Univariate charts would not detect some obvious outliers • This happens in many real applications The Power of Multivariate Control Charts Bad Tester © Copyright 2000-2019 TIBCO Software Inc.
  • 11. • Also called Virtual Sensors • Multivariate model for underlying virtual dimensions that capture the “good” and in-control process data • Relations can be linear, non-linear, follow patterns • Apply that model to the ongoing process to detect • Shift, drift, outliers in underlying components, virtual dimensions Virtual sensor is working, and senses shift, drift, outliers. • Shift, drift, outliers in prediction (of “normal”) residuals Virtual sensor is no longer working, “universe changed” • Root causes among parameters, inputs What specific parameters contribute most to the problem? Machine-Learning Based Process Monitoring: Using Virtual Models of “Normal” Operations © Copyright 2000-2019 TIBCO Software Inc.
  • 12. • Linear model (PLS), predicting maturation from multivariate data • Model defines dimensions (“factors”) describing “normal” maturation • Use model to monitor new batches; dimensions and prediction residuals Example: Model-Based SPC for a Multivariate Batch Maturation Process Predictions/dimensions: One of the batches did not trend correctly over time Residuals: Given elapsed time, parameter values cannot be reproduced (universe changed) © Copyright 2000-2019 TIBCO Software Inc.
  • 13. Univariate • Statistical Process Control SPC Multivariate - Linear Methods • Multiple Y variables and multiple X variables • PCA Regression (PCA on X variables, regress Principal Components on Y variables) • PLS and SIMCA (project to new space) • Popularized by Svante Wold, John MacGregor • Comprehensively implemented in TIBCO Data Science - Statistica • SIMCA: multivariate continuous processes across time eg Manufacturing Biologics • Nonlinear relationships, non-normal distributions not well captured Multivariate – Non-Linear Methods • Deep Learning - Autoencoders Univariate & Multivariate Anomaly Detection X /Y / TimeTime © Copyright 2000-2019 TIBCO Software Inc.
  • 14. Deep Learning Breakthroughs 2019 Turing Award Yann LeCun, AT&T, NYU, Facebook • Optical character recognition • Convolutional Networks (CNNs) • Computer Vision, handwriting, OCR, bank checks Geoffrey Hinton, U Toronto, Google Brain • Backpropagation for multi-layer nets • Alexnet – image recognition (Imagenet challenge) • Computer Vision Yoshua Bengio, U Montreal, Element AI • Recurrent Networks (RNNs) • Autoregression, autoencoders • Medical image analysis, speech, robotics • AI for social good © Copyright 2000-2019 TIBCO Software Inc.
  • 15. Breakthroughs • Image Recognition // Speech Recognition // • Natural Language Processing // Computer Vision Why the explosion? • New algorithms and techniques • Convolutional NN, Recursive NN, Generative Adversarial NNs • New Hardware capabilities • GPU • Multicore • Clusters • More Data • New Tools from the Open Source world • Cloud compute environments From Neural Networks to Deep Learning cs231n.github.io/neural-networks-1 © Copyright 2000-2019 TIBCO Software Inc.
  • 16. Autoencoder • Represents multivariate data in a smaller number of dimensions / variables / attributes / features • Analogous to Principal Components • non-linear dimensions => more accurate Anomalies from Autoencoder • Anomaly: Rows / records / observations that are multivariate outliers • Autoencoder: rows are reconstructed from input rows • Reconstruction Error => extent of anomaly • Anomaly = row not well represented by lower dimensional approximation Autoencoders and Anomalies By Chervinskii - Own work, CC BY-SA 4.0 https://commons.wikimedia.org/w/index.php?curid=45555552 X f (X) z f ’(z) Xhat © Copyright 2000-2019 TIBCO Software Inc.
  • 17. Sparse Autoencoders • More hidden units than inputs, sampled inclusion Denoising Autoencoders • With corrupted/noisy inputs Generative Adversarial Networks • Two networks compete (LeCun speaking about these) Variational Autoencoders • Assumptions on the latent variables (z) X f (X) z f ’(z) Xhat Autoencoder Variants © Copyright 2000-2019 TIBCO Software Inc.
  • 18. H2O DeepLearning function( ) • Simple Structure of networks – specify number of fully-connected layers (and optionally dropout) • Settings for Sparse Data can outperform GPU • For GPU, H2O Deep Water Project uses GPU but no longer being developed • H2O recommends Keras for new projects with GPU • Predict function for autoencoder used to compute reconstruction error on incoming new observation Keras and Tensorflow • Keras as front end for Tensorflow, CNTK, Theano, MXNet • Tensorflow 2.0 has Keras included • Specify complex network topologies • Use different types of layers – CNN, RNN,… • Can leverage GPU throughout Deep Learning in R and Python © Copyright 2000-2019 TIBCO Software Inc.
  • 20. Industrial Plant: Raw Time Series Data © Copyright 2000-2019 TIBCO Software Inc.
  • 21. Industrial Plant: Raw Time Series Data © Copyright 2000-2019 TIBCO Software Inc.
  • 22. Industrial Plant: Raw Time series Data © Copyright 2000-2019 TIBCO Software Inc.
  • 23. Tag Training, Validation & Test Data Sets © Copyright 2000-2019 TIBCO Software Inc.
  • 24. Variable Selection © Copyright 2000-2019 TIBCO Software Inc.
  • 25. Model Configuration & Evaluation Validation Error has clear minimum Note Distribution of Reconstruction Error © Copyright 2000-2019 TIBCO Software Inc. Problems Converging
  • 26. Anomaly Detection & Components © Copyright 2000-2019 TIBCO Software Inc. High Reconstruction Error = Anomaly Sensor Trace Components and Anomalies for Case Management
  • 27. Anomalies & Component Signatures © Copyright 2000-2019 TIBCO Software Inc.
  • 28. Anomalies & Component Signatures © Copyright 2000-2019 TIBCO Software Inc.
  • 29. © Copyright 2000-2019 TIBCO Software Inc. Issues with Univariate Analysis Highlighted Incident not detected on Univariate Chart
  • 30. Reconstruction Error Identify Incidents Programmatically © Copyright 2000-2019 TIBCO Software Inc. Incident = Persistent Anomaly • Like univariate Western Electric Rules • Can be parameterized e.g. 10 sequential anomalies = 1 incident • Package as autoencoder for anomaly detection + rules for incidents • Characterize incidents as signatures via kmeans • Root cause on (future) incidents Time
  • 31. Cluster Similar Incidents, View Signatures © Copyright 2000-2019 TIBCO Software Inc.
  • 32. Reconstruction Error Identify Incidents - Batch and Event Stream © Copyright 2000-2019 TIBCO Software Inc. Batch and Event Stream Inference • Autoencoder => reconstruction error => anomaly • Rules for incident = persistent anomaly • Apply in Batch – on clock or on trigger • Score on Event Stream for real- time intervention • Classify incident via signature (from kmeans) • Case manage identified incident to resolution • Close loop and rebase model Time
  • 33. TIBCO Data Science – TIBCO Cloud Integration - TIBCO Live Apps © Copyright 2000-2019 TIBCO Software Inc. Identifying Anomalies on the Event Stream
  • 35. Modeling + Visual composition + Notebook + Native ML/DL & OS integrations Operations Deployment + Model lifecycle mgt + Visual analytics & BI + Batch automation + Real-time event processing Data Access / Data Prep + Distributed compute + Dedicated host + Feature Engineering BI eg medics for epidemic monitoring Engineer eg O&G production optimization Quant eg trading desk reconciliation Data Engineer Data Scientist Citizen Data Scientist Data Scientist Citizen Data Scientist Analytics Operations IT / Software Engineer FUNCTION USER Business User IT / Administration Business Applications + Predictive maintenance + Engineering/IoT/IIoT + Customer Analytics + Supply Chain ... TIBCO Data Science © Copyright 2000-2019 TIBCO Software Inc.
  • 36. Value = Find + Act on Critical Business Moments Critical business moments occur in every facet of enterprise operations. They drive competitive differentiation, customer satisfaction and business success. smart cross-sell offers predict impending equipment failure real-time inventory management optimize routes anticipate and handle disruptions optimize pricing prevent fraud deliver proactive customer service © Copyright 2000-2019 TIBCO Software Inc.
  • 37. TIBCO Connected Intelligence Information Management Data Fabric UNIFY Data Science Analytics AUGMENT Event-driven Applications API-led Integration CONNECT © Copyright 2000-2019 TIBCO Software Inc.
  • 38. TIBCO Community the platform for our users TIBCO Community the platform for our users! community.tibco.com © Copyright 2000-2019 TIBCO Software Inc.
  • 39. TIBCO Data Science - strength in SPC, PLS, SIMCA Spotfire Template w Data Science for QC/SPC Spotfire Function for calling TIBCO Data Science AutoML in TIBCO Data Science Learn & Do More with TIBCO Analytics © Copyright 2000-2019 TIBCO Software Inc. https://community.tibco.com/wiki/tibco-labshttps://community.tibco.com/exchange
  • 40. Visit the Anomaly Detection page on the TIBCO Community and see autoencoding with TIBCO Data Science and using SageMaker Learn & Do More with TIBCO Data Science Visit the TIBCO Community Manufacturing Solutions page Download AI & Machine Learning Manufacturing Solutions from the TIBCO Exchange © Copyright 2000-2019 TIBCO Software Inc.
  • 41. 41 Questions & Contact Thank you! Michael O’Connell Chief Analytics Officer TIBCO moconnell@tibco.com @MichOConnell TIBCO Community community.tibco.com TIBCO Exchange community.tibco.com/exchange Spotfire Trial www.tibco.com/products/tibco-spotfire © Copyright 2000-2019 TIBCO Software Inc.