Intel® Software Template Overview

Total Page:16

File Type:pdf, Size:1020Kb

Intel® Software Template Overview data analytics on spark Software & Services Group Intel® Confidential — INTERNAL USE ONLY Spark platform for big data analytics What is Apache Spark? • Apache Spark is an open-source cluster-computing framework • Spark has a developed ecosystem • Designed for massively distributed apps • Fault tolerance • Dynamic resource sharing https://software.intel.com/ai 2 INTEL and Spark community • BigDL – deep learning lib for Apache Spark • Intel® Data Analytics Acceleration Library (Intel DAAL) – machine learning lib includes support for Apache Spark • Performance Optimizations across Apache Hadoop and Apache Spark open source projects • Storage and File System: Ceph, Tachyon, and HDFS • Security: Sentry and integration into various Hadoop & Spark modules • Benchmarks Contributions: Big Bench, Hi Bench, Cloud Sort 3 Taxonomy Artificial Intelligence (AI) Machines that can sense, reason, act without explicit programming Machine Learning (ML), a key tool for AI, is the development, and application of algorithms that improve their performance at some task based on experience (previous iterations) BigDL Deep Learning Classic Machine Learning DAAL focus focus Algorithms where multiple layers of neurons Algorithms based on statistical or other learn successively complex representations techniques for estimating functions from examples Dimension Classifi Clusterin Regres- CNN RNN RBM … -ality -cation g sion Reduction Training: Build a mathematical model based on a data set Inference: Use trained model to make predictions about new data 4 BigDLand Intel DAAL BigDL and Intel DAAL are machine learning and data analytics libraries natively integrated into Apache Spark ecosystem 5 WhATis bigdl? • BigDL is a distributed deep learning library for Apache Spark • Allows to write deep learning applications as standard Spark programs • Runs on top of existing Spark or Hadoop/Hive clusters • Feature parity with popular DL frameworks. • High performance - Intel MKL and multi-threaded programming • Efficient scale-out with an all-reduce communications on Spark https://software.intel.com/ai 6 BIGDL: Ease of Use You may want to write your deep learning programs using BigDL if you need to: • Analyze “big data” using deep learning on the same Hadoop/Spark cluster where the data are stored • Add deep learning functionalities to the Big Data (Spark) programs and/or workflow • Leverage existing Hadoop/Spark clusters to run deep learning applications • Dynamically share with other workloads (e.g., ETL, data warehouse, feature engineering, classical machine learning, graph analytics, etc.) • Making deep learning more accessible for Big Data users and data scientists, who are usually not experts for deep learning https://software.intel.com/ai 7 BigDLcan re-use/fine-tune models from other frameworks BigDL • Load existing Caffe/Torch Model Model File • Allows for transition from single-node Load Caffe to distributed application deployment Model File BigDL • Useful for inference Torch • Allows for minor model tuning Model File • Allows for model sharing between Save Data Scientists and Production Engr. Storage 8 Python API Support Based on PySpark, Python API in BigDL allows use of existing Python libs: • Numpy • Scipy • Pandas • Scikit-learn • NLTK • Matplotlib • … 9 BigDL Examples BigDL provide examples to help developer play with BigDL and start with popular models. https://github.com/intel-analytics/BigDL/wiki/Examples Models (Train and Inference Example Code): . LeNet, Inception, VGG, ResNet, RNN, Auto-encoder Examples: • Text Classification • Image Classification • Load Torch/Caffe model 10 BigDL performance and scale out • Single node Xeon performance • Benchmarked to be best on Xeon E5-26XX v3 or E5-26XX v4 • Orders of magnitude speedup vs. out-of-box open source Caffe, Torch or TensorFlow • Scaling-out • Efficiently scales out to 10s~100s of Xeon servers on Spark * For more complete information about performance and benchmark results, visit www.intel.com/benchmarks 11 BigDL Features Layers . 90+ Layers Criterion . 10+ loss functions Optimization . SGD, Adagrad, LBFGS etc 12 BigDL Features –text classfication Build and train model Evaluate the prediction result 13 BigDL RESOURCES https://github.com/intel-analytics/BigDL Software.intel.com/bigdl Join Our Mail List [email protected] Report Bugs And Create Feature Request https://github.com/intel-analytics/BigDL/issues 14 What is Intel® DAAL? An Intel-optimized library that provides building blocks for all data analytics stages, from data preparation to data mining & machine learning . Python, Java & C++ APIs . Developed by same team as the industry- leading Intel® Math Kernel Library . Can be used with many platforms (Hadoop*, Spark*, R*, …) but not tied to any of them . Open source, Free community-supported and commercial premium-supported . Flexible interface to connect to different options data sources (CSV, SQL, HDFS, …) . Also included in . Windows*, Linux*, Parallel Studio XE suites and OS X* 15 Why Intel® DAAL? Automatic performance scaling . Scale-up: from core to multicore to multi-socket . Scale-out: from in-memory analysis to clusters to cloud A rich set of analytics algorithms . Widely applicable to most data mining and machine learning workloads Leverages decades of R&D work in code optimization on IA . By the same team behind Intel® Math Kernel Library (Intel® MKL) 16 Who should use Intel® DAAL? Software developers Data Scientists Data Analytics ISVs Big Data System Integrators • Need optimized ML • Build and executes math • Want competitive advantages algorithms in their apps models for domain specific by making their solutions run • Want to beef up their product knowledge discovery faster on IA portfolio by providing • No resources/time/expertise • Need to speed up the performance-enhanced to manually optimize performance critical parts of alternatives to popular open- themselves their models source analytics tools 17 Ideas Behind Intel® DAAL: Heterogeneous Analytics Data is different, data analytics pipeline is the same Data transfer between devices is costly, protocols are different . Need data analysis proximity to Data Source . Need data analysis proximity to Client . Data Source device ≠ Client device . Requires abstraction from communication protocols Data Source Edge Compute (Server, Desktop, … ) Client Edge Pre-processing Transformation Analysis Modeling Validation Decision Making Business Web/Social Scientific/Engineering Machine Learning (Training) Hypothesis testing Decompression, Aggregation, Summary Statistics Forecasting Parameter Estimation Model errors Filtering, Normalization Dimension Reduction Clustering, etc. Decision Trees, etc. Simulation Ideas Behind Intel DAAL: Languages & Platforms • Intel DAAL has multiple programming language bindings • C++ – ultimate performance for real-time analytics with Intel DAAL • Java*/Scala* – easy integration with Big Data platforms (Hadoop*, Spark*, etc) • Python* – advanced analytics for data scientists Intel® DAAL Algorithms Data Transformation and Analysis in Intel® DAAL Basic Correlation statistics for and Matrix Dimensionality Outlier datasets dependence factorizations reduction detection Low Cosine order SVD PCA Univariate distance moments Association Correlation Multivariate Quantiles distance QR rule mining (Apriori) Variance- Optimization Order Math functions Covariance Cholesky statistics solvers (SGD, (exp, log,…) matrix AdaGrad, lBFGS) Algorithms supporting batch processing Algorithms supporting distributed computation in Apache Spark, Hadoop and MPI 20 Intel® DAAL Algorithms Machine Learning in Intel® DAAL Linear Regression Ridge Regression Regression Decision Forest K-Means Unsupervised Clustering Supervised Decision Tree learning learning EM for Boosting GMM (Ada, Brown, Logit) Naïve Weak Classification Neural networks Bayes learner kNN Collaborative Alternating Algorithms supporting batch processing filtering Least Squares Algorithms supporting distributed Support Vector Machine computation in Apache Spark, Hadoop and MPI 21 PCA Performance Boosts Using Intel® DAAL vs. Spark* Mllib on an Eight-node Cluster 14 11,6x 12 11,5x 10,2x 10 8 6,4x Speedup 6 5,4x 4,0x 4,5x 4 3,4x 2 0 1M rows, 200 1M rows, 400 1M rows, 600 1M rows, 800 1M rows, 1K 10M rows, 5K 20M rows, 5K 40M rows, 5K columns columns columns columns columns columns columns columns Configuration Info - Versions: Intel® Data Analytics Acceleration Library 2017, Spark 1.2; Hardware: Intel® Xeon® Processor E5-2699 v3, 2 Eighteen-core CPUs (45MB LLC, 2.3GHz), 128GB of RAM per node; Operating System: CentOS 6.6 x86_64. Software and workloads used in performance tests may have been optimized for performance only on Intel microprocessors. Performance tests, such as SYSmark and MobileMark, are measured using specific computer systems, components, software, operations and functions. Any change to any of those factors may cause the results to vary. You should consult other information and performance tests to assist you in fully evaluating your contemplated purchases, including the performance of that product when combined with other products. * Other brands and names are the property of their respective owners. Benchmark Source: Intel Corporation Optimization Notice: Intel’s compilers may or may not optimize to the same degree for non-Intel microprocessors for optimizations that are not unique to Intel microprocessors. These optimizations include SSE2, SSE3, and SSSE3 instruction sets and other optimizations. Intel does not guarantee the availability,
Recommended publications
  • Intel® Optimized AI Frameworks
    Intel® optimized AI frameworks Dr. Fabio Baruffa & Shailen Sobhee Technical Consulting Engineers, Intel IAGS Visit: www.intel.ai/technology Speed up development using open AI software Machine learning Deep learning TOOLKITS App Open source platform for building E2E Analytics & Deep learning inference deployment Open source, scalable, and developers AI applications on Apache Spark* with distributed on CPU/GPU/FPGA/VPU for Caffe*, extensible distributed deep learning TensorFlow*, Keras*, BigDL TensorFlow*, MXNet*, ONNX*, Kaldi* platform built on Kubernetes (BETA) Python R Distributed Intel-optimized Frameworks libraries * • Scikit- • Cart • MlLib (on Spark) * * And more framework Data learn • Random • Mahout optimizations underway • Pandas Forest including PaddlePaddle*, scientists * * • NumPy • e1071 Chainer*, CNTK* & others Intel® Intel® Data Analytics Intel® Math Kernel Library Kernels Distribution Acceleration Library Library for Deep Neural Networks for Python* (Intel® DAAL) (Intel® MKL-DNN) developers Intel distribution High performance machine Open source compiler for deep learning optimized for learning & data analytics Open source DNN functions for model computations optimized for multiple machine learning library CPU / integrated graphics devices (CPU, GPU, NNP) from multiple frameworks (TF, MXNet, ONNX) 2 Visit: www.intel.ai/technology Speed up development using open AI software Machine learning Deep learning TOOLKITS App Open source platform for building E2E Analytics & Deep learning inference deployment Open source, scalable,
    [Show full text]
  • Online Power Management for Multi-Cores: a Reinforcement Learning Based Approach
    1 Online Power Management for Multi-cores: A Reinforcement Learning Based Approach Yiming Wang, Weizhe Zhang, Senior Member, IEEE, Meng Hao, Zheng Wang, Member, IEEE Abstract—Power and energy is the first-class design constraint for multi-core processors and is a limiting factor for future-generation supercomputers. While modern processor design provides a wide range of mechanisms for power and energy optimization, it remains unclear how software can make the best use of them. This paper presents a novel approach for runtime power optimization on modern multi-core systems. Our policy combines power capping and uncore frequency scaling to match the hardware power profile to the dynamically changing program behavior at runtime. We achieve this by employing reinforcement learning (RL) to automatically explore the energy-performance optimization space from training programs, learning the subtle relationships between the hardware power profile, the program characteristics, power consumption and program running times. Our RL framework then uses the learned knowledge to adapt the chip’s power budget and uncore frequency to match the changing program phases for any new, previously unseen program. We evaluate our approach on two computing clusters by applying our techniques to 11 parallel programs that were not seen by our RL framework at the training stage. Experimental results show that our approach can reduce the system-level energy consumption by 12%, on average, with less than 3% of slowdown on the application performance. By lowering the uncore frequency to leave more energy budget to allow the processor cores to run at a higher frequency, our approach can reduce the energy consumption by up to 17% while improving the application performance by 5% for specific workloads.
    [Show full text]
  • March 2012 Version 2
    WWRF VIP WG CONNECTED VEHICLES White Paper Connected Vehicles: The Role of Emerging Standards, Security and Privacy, and Machine Learning Editor: SESHADRI MOHAN, CHAIR CONNECTED VEHICLES WORKING GROUP PROFESSOR, SYSTEMS ENGINEERING DEPARTMENT UA LITTLE ROCK, AR 72204, USA Project website address: www.wwrf.ch This publication is partly based on work performed in the framework of the WWRF. It represents the views of the authors(s) and not necessarily those of the WWRF. EXECUTIVE SUMMARY The Internet of Vehicles (IoV) is an emerging technology that provides secure vehicle-to-vehicle (V2V) communication and safety for drivers and their passengers. It stands at the confluence of many evolving disciplines, including: evolving wireless technologies, V2X standards, the Internet of Things (IoT) consisting of a multitude of sensors that are housed in a vehicle, on the roadside, and in the devices worn by pedestrians, the radio technology along with the protocols that can establish an ad-hoc vehicular network, the cloud technology, the field of Big Data, and machine intelligence tools. WWRF is presenting this white paper inspired by the developments that have taken place in recent years in standards organizations such as IEEE and 3GPP and industry consortia efforts as well as current research in academia. This white paper provides insights into the state-of-the-art regarding 3GPP C-V2X as well as security and privacy of ETSI ITS, IEEE DSRC WAVE, 3GPP C-V2X. The White Paper further discusses spectrum allocation worldwide for ITS applications and connected vehicles. A section is devoted to a discussion on providing connected vehicles communication over a heterogonous set of wireless access technologies as it is imperative that the connectivity of vehicles be maintained even when the vehicles are out of coverage and/or the need to maintain vehicular connectivity as a vehicle traverses multiple wireless access technology for access to V2X applications.
    [Show full text]
  • Bigdl: a Distributed Deep Learning Framework for Big Data
    BigDL: A Distributed Deep Learning Framework for Big Data Jason (Jinquan) Dai1, Yiheng Wang2 ǂ, Xin Qiu1, Ding Ding1, Yao Zhang3 ǂ, Yanzhang Wang1, Xianyan Jia4 ǂ, Cherry (Li) Zhang1, Yan Wan4 ǂ, Zhichao Li1, Jiao Wang1, Shengsheng Huang1, Zhongyuan Wu1, Yang Wang1, Yuhao Yang1, Bowen She1, Dongjie Shi1, Qi Lu1, Kai Huang1, Guoqiong Song1 1Intel, 2 Tencent, 3 Sequoia Capital, 4Alibaba, ǂ Work was done when the author worked at Intel SOCC 2019 Agenda • Motivation • BigDL Execution Model • Experimental Evaluation • Real-World Applications • Future Work SOCC 2019 Real-World ML/DL Systems Are Complex Big Data Analytics Pipelines “Hidden Technical Debt in Machine Learning Systems”, Sculley et al., Google, NIPS 2015 Paper SOCC 2019 Big Data Analysis Challenges Real-World data analytics and deep learning pipelines are challenging • Deep learning benchmarks (ImageNet, SQuAD , etc.) • Curated and explicitly labelled Dataset • Suitable for dedicated DL systems • Real-world production data pipeline • Dynamic, messy (and possibly implicitly labeled) dataset • Suitable for integrated data analytics and DL pipelines using BigDL • Problems with “connector approaches” • TFX, TensorFlowOnSpark, Project Hydrogen, etc. • Adaptation overheads, impedance mismatch SOCC 2019 BigDL Execution Model SOCC 2019 Distributed Training in BigDL Data Parallel, Synchronous Mini-Batch SGD Prepare training data as an RDD of Samples Construct an RDD of models (each being a replica of the original model) for (i <- 1 to N) { //”model forward-backward” job for each task in the
    [Show full text]
  • Bigdl: Distributed Deep Leaning on Apache Spark Using Bigdl
    Analytics Zoo: Distributed Tensorflow, Keras and BigDL in production on Apache Spark Jennie Wang, Big Data Technologies, Intel Strata2019 Agenda • Motivation • BigDL • Analytics Zoo • Real-world applications • Conclusion and Q&A Strata2019 Motivations Technology and Industry Trends Real World Scenarios Strata2019 Trend #1: Data Scale Driving Deep Learning Process “Machine Learning Yearning”, Andrew Ng, 2016 Strata2019 Trend #2: Real-World ML/DL Systems Are Complex Big Data Analytics Pipelines “Hidden Technical Debt in Machine Learning Systems”, Sculley et al., Google, NIPS 2015 Paper Strata2019 Trend #3: Hadoop Becoming the Center of Data Gravity Phillip Radley, BT Group Matthew Glickman, Goldman Sachs Strata + Hadoop World 2016 San Jose Spark Summit East 2015 Strata2019 Unified Big Data Analytics Platform Apache Hadoop & Spark Platform Machine Graph Spreadsheet Leaning Analytics SQL Notebook Batch Streaming Interactive R Java Python DataFrame Flink Storm Data ML Pipelines Processing SQL SparkR Streaming MLlib GraphX & Analysis Spark Core MR Giraph Resource Mgmt YARN ZooKeeper & Co-ordination Data Flume Kafka Storage HDFS Parquet Avro HBase Input Strata2019 Chasm b/w Deep Learning and Big Data Communities The Chasm Deep learning experts Average users (big data users, data scientists, analysts, etc.) Strata2019 Large-Scale Image Recognition at JD.com Strata2019 Bridging the Chasm Make deep learning more accessible to big data and data science communities • Continue the use of familiar SW tools and HW infrastructure to build deep learning
    [Show full text]
  • Bigdl, for Apache Spark* Openvino, Ray* and Apache Spark*
    Cluster Serving: Distributed and Automated Model Inference on Big Data Streaming Frameworks Authors: Jiaming Song, Dongjie Shi, Qiyuan Gong, Lei Xia, Jason Dai Outline Challenges AI productions facing Integrated Big Data and AI pipeline Scalable online serving Cross-industry end-to-end use cases Big Data & Model Performance “Machine Learning Yearning”, Andrew Ng, 2016 *Other names and brands may be claimed as the property of others. Real-World ML/DL Applications Are Complex Data Analytics Pipelines “Hidden Technical Debt in Machine Learning Systems”, Sculley et al., Google, NIPS 2015 Paper *Other names and brands may be claimed as the property of others. Outline Challenges AI productions facing Integrated Big Data and AI pipeline Scalable online serving Cross-industry end-to-end use cases Integrated Big Data Analytics and AI Seamless Scaling from Laptop to Distributed Big Data Prototype on laptop Experiment on clusters Production deployment w/ using sample data with history data distributed data pipeline Production Data pipeline • Easily prototype end-to-end pipelines that apply AI models to big data • “Zero” code change from laptop to distributed cluster • Seamlessly deployed on production Hadoop/K8s clusters • Automate the process of applying machine learning to big data *Other names and brands may be claimed as the property of others. AI on Big Data Distributed, High-Performance Unified Analytics + AI Platform Deep Learning Framework for TensorFlow*, PyTorch*, Keras*, BigDL, for Apache Spark* OpenVINO, Ray* and Apache Spark* https://github.com/intel-analytics/bigdl https://github.com/intel-analytics/analytics-zoo Seamless Scaling from Laptop to Distributed Big Data *Other names and brands may be claimed as the property of others.
    [Show full text]
  • Using Deep Learning for Optimized Personalized Card Linked Offer
    Using Deep Learning for optimized personalized card linked offer March 5, 2018 Suqiang Song , Director, Chapter Leader of Data Engineering & AI Shared Components and Security Solutions LinkedIn : https://www.linkedin.com/in/suqiang-song-72041716/ Mastercard Big Data & AI Expertise Differentiation starts with consumer insights from a massive worldwide payments network and our experience in data cleansing, analytics and modeling What can MULTI-SOURCED • 38MM+ merchant locations • 22,000 issuers CLEANSED, AGGREGATD, ANONYMOUS, AUGMENTED 2.4 BILLION • 1.5MM automated rules • Continuously tested and Global Cards WAREHOUSED • 10 petabytes 56 BILLION • 5+ year historic global view • Rapid retrieval Transactions/ • Above-and-beyond privacy protection and security Year mean TRANSFORMED INTO ACTIONABLE INSIGHTS • Reports, indexes, benchmarks to you? • Behavioral variables • Models, scores, forecasting • Econometrics Mastercard Enhanced Artificial Intelligence Capability with the Acquisitions of Applied Predictive Technologies(2015) and Brighterion (2017) Hierarchy of needs of AI https://hackernoon.com/the-ai-hierarchy-of-needs-18f111fcc007?gi=b66e6ae1b71d ©2016 Mastercard.Proprietaryand Confidential. Our Explore & Evaluation Journey Enterprise Requirements for Deep Learning Analyze a large amount of data on the same Big Data clusters where the data are stored (HDFS, HBase, Hive, etc.) rather than move or duplicate data. Add deep learning capabilities to existing Analytic Applications and/or machine learning workflows rather than rebuild all of them. Leverage existing Big Data clusters and deep learning workloads should be managed and monitored with other workloads (ETL, data warehouse, traditional ML etc..) rather than separated deployment , resources allocation ,workloads management and enterprise monitoring …… ©2016 Mastercard.Proprietaryand Confidential. Challenges and limitations to Production considering some “Super Stars”….
    [Show full text]
  • Tensor Relational Algebra for Distributed Machine Learning System Design
    Tensor Relational Algebra for Distributed Machine Learning System Design Binhang Yuany, Dimitrije Jankovy, Jia Zouz, Yuxin Tangy, Daniel Bourgeoisy, Chris Jermainey yRice University; zArizona State University y{by8, dj16, yuxin.tang, dcb10, cmj4}@rice.edu; [email protected] ABSTRACT This operational approach has certain drawbacks, namely that We consider the question: what is the abstraction that should be the system has limited latitude for automatic optimization. The implemented by the computational engine of a machine learning programmer is responsible for making sure that the operations can system? Current machine learning systems typically push whole run successfully using available resources (such as the amount of tensors through a series of compute kernels such as matrix multi- RAM on each GPU), and if the operations cannot run successfully, plications or activation functions, where each kernel runs on an AI the programmer must figure out how to break the operations up into accelerator (ASIC) such as a GPU. This implementation abstraction smaller pieces that can run. Tasks such as getting a computation provides little built-in support for ML systems to scale past a single to run on multiple GPUs or on multiple machines in a distributed machine, or for handling large models with matrices or tensors cluster so as to minimize communication are left to the programmer. that do not easily fit into the RAM of an ASIC. In this paper, we Toward declarative tensor programming. There has been work present an alternative implementation abstraction called the tensor on programming models that are more declarative. PyTorch and relational algebra (TRA). The TRA is a set-based algebra based on TensorFlow now both support variants of Einstein notation—a clas- the relational algebra.
    [Show full text]
  • Constructive Learning of Deep Neural Networks for Bigdata Analysis
    International Journal of Computer Applications Technology and Research Volume 9–Issue 12, 311-322, 2020, ISSN:-2319–8656 Constructive Learning of Deep Neural Networks for Bigdata Analysis Soha Abd El-Moamen Mohamed Marghany Hassan Mohamed Information System Department Computer Science Department Faculty of Computer and Faculty of Computer and Information Assiut University Information Assiut University Egypt Egypt Mohammed F. Farghally Information System Department Faculty of Computer and Information Assiut University Egypt Abstract. The need for tracking and evaluation of patients in real-time has contributed to an increase in knowing people’s actions to enhance care facilities. Deep learning is good at both a rapid pace in collecting frameworks of big data healthcare and good predictions for detection the lung cancer early. In this paper, we proposed a constructive deep neural network with Apache Spark to classify images and levels of lung cancer. We developed a binary classification model using threshold technique classifying nodules to benign or malignant. At the proposed framework, the neural network models training, defined using the Keras API, is performed using BigDL in a distributed Spark clusters. The proposed algorithm has metrics AUC-0.9810, a misclassifying rate from which it has been shown that our suggested classifiers perform better than other classifiers. Keywords: Health care, Deep learning, Constructive Deep learning, Diagnosis systems, Big data analysis 1 INTRODUCTION an overview of unstructured data that considered as the foundation of predictive analysis. Here’s the power and importance of unstructured data for Medical applications can predetermine the parts of predictive analysis. So, the organizations shouldn’t lungs damaged in increasing levels and this is neglect unstructured data.
    [Show full text]
  • Characterizing Deep Learning Over Big Data (Dlobd) Stacks on RDMA-Capable Networks
    2017 IEEE 25th Annual Symposium on High-Performance Interconnects Characterizing Deep Learning over Big Data (DLoBD) Stacks on RDMA-capable Networks Xiaoyi Lu, Haiyang Shi, M. Haseeb Javed, Rajarshi Biswas, and Dhabaleswar K. (DK) Panda Department of Computer Science and Engineering, The Ohio State University {lu.932, shi.876, javed.19, biswas.91, panda.2}@osu.edu Abstract—Deep Learning over Big Data (DLoBD) is becoming the large amount of gathered data in companies typically is one of the most important research paradigms to mine value already stored or being processed in big data stacks (e.g., from the massive amount of gathered data. Many emerging deep stored in HDFS), deep learning jobs on big data stacks can learning frameworks start running over Big Data stacks, such easily access those data without moving them back and forth. as Hadoop and Spark. With the convergence of HPC, Big Data, and Deep Learning, these DLoBD stacks are taking advantage 3) From infrastructure management perspective, we do not of RDMA and multi-/many-core based CPUs/GPUs. Even though need to set up new dedicated deep learning clusters if we can a lot of activities are happening in the field, there is a lack of run deep learning jobs directly on existing big data analytics systematic studies on analyzing the impact of RDMA-capable clusters. This could significantly reduce the costs of device networks and CPU/GPU on DLoBD stacks. To fill this gap, we purchasing and infrastructure management. propose a systematical characterization methodology and con- duct extensive performance evaluations on three representative With the benefits of integrating deep learning capabilities DLoBD stacks (i.e., CaffeOnSpark, TensorFlowOnSpark, and with big data stacks, we see a lot of activities in the com- BigDL) to expose the interesting trends regarding performance, munity to build DLoBD stacks, such as CaffeOnSpark [2], scalability, accuracy, and resource utilization.
    [Show full text]
  • Intel® Xeon Phi™ Processor Family Enables Shorter Time to Train Using General Purpose Infrastructure
    Intel® Nervana™ AI SUMMIT -Moscow 2017 AMIR KHOSROWSHAHI CTO, INTEL AI PRODUCTS GROUP 2 why now Inside ai Make it real 3 Ai is transformative Consumer Health Finance Retail Government Energy Transport Industrial Other Smart Enhanced Algorithmic Support Defense Oil & Gas Autonomous Factory Advertising Assistants Diagnostics Trading Exploration Cars Automation Experience Data Education Chatbots Drug Fraud Insights Smart Automated Predictive examples Discovery Detection Marketing Grid Trucking Maintenance Gaming Search Safety & Patient Care Research Merchandising Security Operational Aerospace Precision Professional & Personalization Improvement Agriculture IT Services Research Personal Loyalty Resident Shipping Augmented Finance Engagement Conservation Field Telco/Media Supply Chain Reality Sensory Search & Automation Aids Risk Mitigation Smarter Rescue Sports Security Robots Cities Early adoption Source: Intel forecast automotive Example (end-to-end) Artificial intelligence for automated driving 5G vehicle Network Cloud Driving Functions Data Storage Neural Network Design for Target Autonomous Driving Functions Anomaly Detection Captured Hardware, & usage Sensor Data Trajectory Enumeration, Path Dataset (Vision, Data Driven, etc.) Planning, Selection & Maneuvering Management Driving Policy, Path Selection & Model Training Model Inference Real Time Environment Modeling Traceability Single & Multi- >than Real Time Localization Real Time HD node optimized Model Map Updates Frameworks Simulation & Sensor Processing & Fusion Verification Object
    [Show full text]
  • Dlobd: a Comprehensive Study of Deep Learning Over Big Data Stacks on HPC Clusters Xiaoyi Lu , Haiyang Shi, Rajarshi Biswas, M
    DLoBD: A Comprehensive Study of Deep Learning over Big Data Stacks on HPC Clusters Xiaoyi Lu , Haiyang Shi, Rajarshi Biswas, M. Haseeb Javed , and Dhabaleswar K. Panda 1 What is Big Data? ● "Big data" is a field that treats ways to analyze, systematically extract information from, or otherwise deal with data sets that are too large or complex to be dealt with by traditional data-processing application software. (Source: Wikipedia) ● What does “Big” mean? ○ According to Forbes, we generate 2.5 quintillion bytes of data each day. ● Properties of Big Data ○ Variety ○ Velocity ○ Volume 2 How is Big Data different from large data stored in relational databases? How is Big Data different from large data stored in relational databases? 3 Uses of Big Data Predictive analytics: Utilizing a variety of statistical techniques ● Data mining(discovering patterns in large data sets), ● Predictive modeling(uses statistics to predict outcomes), and ● Machine learning User Behaviour Analytics (UBA) : analyze human behavior patterns 4 Big Data Technology stack Source: https://www.slideshare.net/Khalid-Imran/big-data-technology-stack-nutshell 5 Big Data Frameworks 6 Hadoop vs Spark ● Spark is 100 times faster than Hadoop. Why? ○ In-memory computation ● Spark does not provide it’s own distributed storage. ● Hence, Big Data projects involve installing Spark on top of Hadoop. ○ Spark applications can use Hadoop Distributed File System (HDFS). 7 Batch Processing ● Processing happens of blocks of data that have already been stored over a period of time. ● Example - calculating monthly payroll summaries. 8 source - https://medium.com/@gowthamy/big-data-battle-batch-processing-vs-stream-processing-5d94600d8103 Stream Processing ● Process data in real time as they arrive.
    [Show full text]