Custom Data Science Training

Private Training

Develop a custom program based on your teams' needs, goals, and expertise

Custom Data Science Training

Type

Tailor-made

Delivery format

ONLINE, Instructor-led

Join this course to

  • Understand how to leverage your data to forecast future events and behaviors to discover deeper business insights
  • Get practical skills required to spin up predictive analytics pipeline
  • Learn how to successfully architect, develop and manage Data Science projects

Build custom Data Science program specific to your team's needs

  • Design your custom program by choosing appropriate topics to meet the needs of your team
  • This tailored course is intended for Software Engineers, Data Analysts, Data Engineers and all the others who are planning to bootstrap and operate predictive models in research and production.
  • It will help your team understand how everything fits together to run artificial intelligence applications and learn how to start from data understanding, continue with feature engineering, and end up creating a production-grade machine learning model.

Why enroll

Design your training agenda

Select the topics

Step 1

Select the checkboxes to include the topics you want to be present in your training agenda. You can save this form at any time and continue later.

Submit the contact form

Step 2

Fill in the form to complete your submission:

  • Machine Learning

    Core Concepts and Techniques

    1h

    ML-01 Theory

    - An introduction to machine learning tasks and definitions

    - Core principles of building machine learning algorithms

    - A diversity of machine learning algorithms: from linear regression to random forest

    - Core Python packages for machine learning

    Practice

    - Linear and logistic regressions

    - k-nearest neighbors and k-means

    - Decision trees and random forest

    - Handling classification, regression, and clustering tasks

    *Packages of choice are Pandas/NumPy/scikit-learn

    Advanced Topics

    1.5h

    - ML-02 Theory

    - LASSO/Ridge (regularization)

    - PCA/SVD (dimensionality reduction)

    - Advanced clustering algorithms, such as DBSCAN, expectation-maximization (different similarity approaches to data)

    - Naive Bayes (The Bayes theorem)

    - Complex ensembling schemes, gradient boosting, stacking (iterative refinement)

    - Algorithmic hyperparameter tuning

    Practice

    - LASSO

    - PCA

    - DBSCAN, expectation-maximization, agglomerative clustering, mean shift

    - Naive Bayes

    - Gradient boosting machine, stacking

    - Tree-structured Parzen estimator

    *Packages of choice are Pandas/NumPy/scikit-learn/HyperOpt/XGBoost

    Feature Engineering and Development Methodology

    2h

    ML-03 Theory

    - Feature engineering

    - Dealing with missing data and outliers

    - Dealing with imbalanced classification

    - Advanced validation schemes

    - Handling of model versioning

    - CRISP-DM as a major machine learning development methodology

    Practice

    - Feature engineering: polynomial and logarithmic features, combinations of features; periodic feature encoding; target encodings

    - Imbalanced сlassification: advanced metrics for classification, threshold tuning, over- and undersampling (SMOTE)

    - DBSCAN, expectation-maximization, agglomerative clustering, mean shift

    - Missing data handling: imputation of missing values using k-nearest neighbors or decision trees

    - Advanced validation: cross-validation for time series

    *Packages of choice are Pandas/NumPy/scikit-learn

  • Data Science Applications

    Natural Language Processing

    3h

    APP-01

    Algorithmic text processing is a vast area for neural network application. From text classifications to text understanding, there's a successful applications of machine learning. We'll look at basic NLP techniques and for State-of-the-Art applications of NLP:

    - Bag-of-Words approach to text related tasks

    - Sequential approach using RNN architectures

    - Embeddings as richer and dense representations of words

    - State of the Art: contextual embeddings and attention mechanism

    Computer Vision

    3h

    APP-02

    Computer Vision is a huge field with most of successes of deep learning, starting from winning of neural networks win in ImageNet competition in 2012. We'll try to dive a little into some useful applications of it that are constantly present here:

    - Image-specific data transformations

    - Object detection using YOLO/SSD model

    - Image segmentation using U-Net/LinkNet/R-CNN algorithms

    - Architectures for real-time image processing

    Tabular Data

    2h

    APP-03

    Transaction data is largely prevalent type of datasets, especially in telecom/banking. Purpose of this module is to show an approach for this data to retrieve useful insights.

    - Data preparation of transactional data

    - Time series specific family of algorithms

    - Statistical and Neural Network approaches for this task

    Reinforcement Learning

    2h

    APP-04

    Reinforcement Learning generalizes whole concept of machine learning while allowing to solve some intricate problems. In this module we'll make an explanation of the concept of reinforcement learning and guide you from basic algorithms that support this concept to methods that lay foundation to latest State-of-the-Art results. We'll go through this set of algorithms:

    - Markov Decision Process

    - Multi-Armed Bandit Algorithms

    - Q-learning

    - Policy algorithms

  • Deep Learning

    Introduction to Deep Learning

    2h

    DL-01

    We’ll look at a surprisingly strong machine learning techniques that have become really popular recently and will cover the following topics:

    - Structure of neural networks, feedforward neural networks

    - A mechanism for learning neural networks

    - Means of neural network learning process control

    Practice

    - Neural networks for supervised learning with Keras

    *Packages of choice are Pandas/NumPy/scikit-learn/Keras/TensorFlow

    Convolutional Neural Networks

    1.5h

    DL-02

    Convolution as the core of the neural network layer for spatial data processing. Topics for the day:

    - Image features and representation learning

    - A convolution layer and a deep convolutional network

    - Supporting layers for convolutional neural networks

    - State-of-the-art architectures for image processing

    - Transfer learning and fine tuning

    We will:

    - Build a convolutional neural network from scratch to learn image classification

    - Fine-tune existing networks to perform image-related tasks on a different data sets

    *Packages of choice are Pandas/NumPy/scikit-learn/Keras/TensorFlow

    Recurrent Neural Networks

    3h

    DL-03

    Neural network architecture for sequential data modelling. Topics for the day:

    - Examples of sequential data and related machine learning tasks

    - The vanilla recurrent neural network architecture and its limitations

    - The advanced recurrent neural network layers architecture

    We will implement:

    - Character - and word-level natural language model

    - Fine-tune existing networks to perform image-related tasks on a different data sets

    *Packages of choice are Pandas/NumPy/scikit-learn/Keras/TensorFlow

    Autoencoders and GANs

    2h

    DL-04

    Neural network architectures that developed to solve non-standard tasks such as representation learning and data generation. Topics are:

    - Autoencoder architecture blueprint

    - Properties of autoencoder representations

    - Generative Adversarial Networks

  • Big Data

    Machine Learning at Big Data Scale

    3h

    BD-01

    In this module you'll learn:

    - Basic knowledge and principal of Hadoop (Yarn, HDFS)

    - Main concepts of Spark such as RDD, Shared Variables, Persistency, Spark architecture, Spark under the hood

    - Сore principles of Spark SQL

    - Basic principles of Spark MLIB work

    Real-time Data Analytics

    2h

    BD-02

    This module covers real-time processing data which is based on such processing engine as

    - Spark Stream processing data in real-time

    - Spark Structured Stream processing engine built on the Spark SQL engine

    - Apache Kafka stream processing platform

    Additionally, you will get knowledge about

    - Integration Kafka and Spark Streaming

    - Integration Kafka and Spark Structured Streaming

    Infrastructure and Architecture for Data Engineering

    1h

    BD-03

    The following topics will be covered in this module

    - Introduction, Foundation and Operation wit Apache Cassandra

    - Concept of DSE Analytics(Spark + Cassandra) and DSE Solo Analytics

    - Main principles of SparkConnector by DSE

The total duration of the class must be not less than 16 hours
Course Duration:

Cloud infrastructure provider for the training:

Google
Amazon
MS Azure

Your Deployment method:

No better time and training provider to maximize your team's talent!

No better time and training provider to maximize your team's talent!

Get updates on upcoming events and new courses, discounts and special offers

Why train with Altoros

Through expertly led, hands-on custom training courses, Altoros helps IT professionals around the globe to advance their skills in cloud-native development and PaaS, blockchain, artificial intelligence, and deep learning.

20+

Years of experience

750+

Satisfied customers

1,400+

Successfully implemented projects

50+

Global 2000 organizations as customers

350+

Full-time engineers

7+

Global offices

What our customers say

/
01

“Biggest value of the course? Combination of conceptual and practical contents. Also, shared personal experiences and views were particularly valuable.”

Arpad Rozsas

Neural Networks and Deep Learning course in Madrid

02

“Great experience. Very knowledgeable and friendly trainers. Biggest value of the course -Practical examples/issues the trainers provided based on their experience.”

Ramesh Balasubramanian

Machine and Deep Learning training in San Diego

03

“What did I like most at the training? Both high level and the details of machine learning.”

Gavin Liu

Machine Learning training in Washington DC

04

“I enjoyed the class and learned a lot even though there was so much content jammed into a very small time. The most enjoyable was deep neural nets and seeing some of the largest examples. The most valuable thing professionally will probably be the classification clustering that I have learned K-NN probably.”

Mark

Machine Learning training in Washington DC

Brand
Brand
Brand
Brand
Brand
Brand
Brand
Brand
Brand
Brand
Brand
Brand
Brand
Brand
Brand

What trainees say about Altoros courses

/
01
Kubernetes Deep Dive Training in San Jose
02
Kubernetes Deep Dive Training in San Jose
03
Kubernetes Deep Dive Training, Washington DC
04
Kubernetes Deep Dive Training, Washington DC
05
Cloud Foundry for DevOps Training
06
Cloud Foundry Training at Cloud Foundry Summit, 2017
07
Kubernetes Deep Dive Training, Los Angeles

Contact us

Preloader
Ryan Meharg

Ryan Meharg

Technical Director

ryan.m@altoros.com650 265-2266

4900 Hopyard Rd. Suite 100 Pleasanton, CA 94588