Data Science Prodegree

BY
KPMG International via Imarticus

Learn about industry oriented techniques of data science essential for data scientists through the Data Science Prodegree Course.

Mode

Online

Duration

9 Months

Fees

₹ 58000

Quick Facts

particular details
Collaborators KPMG
Medium of instructions English
Mode of learning Self study, Virtual Classroom
Mode of Delivery Video and Text Based
Frequency of Classes Weekends

Course overview

The Data Science Prodegree Certification Course is a specialised course that explores the techniques and tools of data science in detail. The course available on the Imarticus learning platform is designed and developed in collaboration with KPMG, responsible for capstone projects and real-world case studies.

Through the Data Science Prodegree Online Course, learners will be introduced to analytical tools such as R, Python, SQL, and Tableau along with fundamental concepts of data science. All learners will be provided with project mentorship by industry experts from KPMG.

After successful completion of the Data Science Prodegree Training Course through specialized sessions and a state-of-the-art learning platform, learners will receive a certificate of completion. The course can be taken in part-time or full-time modes.

The highlights

  • Certificate of completion
  • Globally recognised certification
  • 180 hours of study
  • 4-month part-time/2 month full time
  • KPMG Mentorship
  • KPMG Designed Capstone Projects
  • Cutting-edge curriculum
  • Real business case studies
  • Industry oriented projects
  • State of the art learning platform
  • Live instructor-led sessions
  • Self-paced videos
  • Engaging discussions
  • Simulated projects
  • Project mentorship
  • Extensive placement opportunities

Program offerings

  • Certificate of completion
  • 2 months full time/4 months part time
  • 180 study hours
  • Live online classes
  • Hands-on exercises
  • Discussions
  • Real-world case studies
  • Engaging discussions
  • Industry oriented projects
  • Capstone projects
  • Career service

Course and certificate fees

Fees information
₹ 58,000

The Data Science Prodegree Course online fee is Rs. 58,000 while the classroom fee is Rs. 75,000. You can avail flat 10% fee waiver if you pay the full fees. The course can be paid in 3 installments with Rs. 16,000 per installment. Candidates can get access to the 0% No Cost EMI option starting from Rs. 4,240 per month.

Data Science Prodegree Course Fee Structure

Course

Amount in INR

Data Science Prodegree

Rs. 58,000

certificate availability

Yes

certificate providing authority

KPMG

Who it is for

  • The course can be opted by anyone interested in the domain of data science.

Eligibility criteria

What you will learn

Programming skills Machine learning Data science knowledge Knowledge of python Sql knowledge Knowledge of data visualization

After completing the Data Science Prodegree Classes, you will gain insights into the following topics:

The syllabus

Excel

MS excel
  • Pivot tables, Charts and Look up

SQL

Basics SQL
  • Introduction to SQL
  • DDL Statements
  • DML Statements
  • DQL Statements
  • Aggregate Functions
Advanced SQL - Part 1
  • Introduction to SQL
  • DDL Statements
  • DML Statements
  • DQL Statements
  • Aggregate Functions
Advanced SQL - Part 2
  • Views & Indexes
  • Sub-Queries

Python Programming

Intro to Python (Python Objects + List Comprehension)
  • Python Introduction
  • Variables
  • Functions
  • Python Operators
  • Python Flow Controls
  • Conditional Statements
  • Loops
User-defined and Lamda Functions
  • User defined Functions
  • Function Arguments
  • Lamda Functions
NumPy
  • Introduction to NumPy
  • NumPy Array
  • Creating NumPy Array
  • Array Attributes
  • Array Methods
  • Array Indexing
  • Slicing Arrays
  • Array Operation
  • Iteration through Arrays
Pandas
  • Introduction to Pandas
  • Pandas Series
  • Creating Pandas Series
  • Accessing Series Elements
  • Filtering a Series
  • Arithmetic Operations
  • Series Ranking and Sorting
  • Checking Null Values
  • Concatenate a Series
Data Frame Manipulation
  • Pandas Dataframe - Introduction
  • Dataframe Creation
  • Reading Data from Various Files
  • Understanding Data
  • Accessing Dataframe Elements using Indexing
  • Dataframe Sorting
  • Ranking in Dataframe
  • Dataframe Concatenation
  • Dataframe Joins
  • Dataframe Merge
  • Reshaping Dataframe
  • Pivot Tables
  • Cross Tables
  • Dataframe Operations
  • Checking Duplicates
  • Dropping Rows and Columns
  • Replacing Values
  • Grouping Dataframe
  • Missing Value Analysis & Treatment
Visualisation - Part 1
  • Visualisation using Matplotlib
  • Plot Styles & Settings
  • Line Plot
  • Multiline Plot
  • Matplotlib Subplots
  • Histogram
  • Boxplot
  • Pie Chart
  • Scatter Plot
Visualisation - Part 2
  • Visualisation using Seaborn
  • Strip Plot
  • Distribution Plot
  • Joint Plot
  • Violin Plot
  • Swarm Plot
  • Pair Plot
  • Count Plot
  • Heatmap
EDA
  • Summary Statistics
  • Missing Value Treatment
  • Dataframe Analysis using Groupby
  • Advanced Data Explorations

Statistics for Data Science

Introduction to Statistics
  • Introduction to Statistics
  • Random Variables
  • Descriptive Statistics
  • Measure of Central Tendency
  • Measure of Dispersion
  • Skewness and Kurtosis
  • Covariance and Correlation
Probability Theory
  • What is Probability?
  • Events and Types of Events
  • Sets in Probability
  • Probability Basics using Python
  • Conditional Probability
  • Expectation and Variance
Probability Distributions
  • Probability Distributions
  • Discrete Distributions
    • Uniform
    • Bernoulli
    • Binomial
    • Poisson
  • Continuous Distributions
    • Uniform
    • Normal
  • Probability Distributions using Python
Hypothesis Testing
  • Introduction to Hypothesis Testing
  • Terminologies used in Hypothesis Testing
  • Procedure for testing a Hypothesis
  • Test for Population Mean
  • Small Sample Tests
  • Large Sample Tests
  • Test for Normality
Statistical Tests
  • One-way ANOVA
  • Assumptions
  • ANOVA Hypothesis
  • Post Hoc Test
  • Chi-Square Test
  • Chi-Square Test Steps
  • Chi-Square Example

Machine Learning

Introduction to Machine Learning
  • Introduction to Machine Learning
  • Machine Learning Modelling Flow
  • Parametric and Non-parametric Algorithms
  • Types of Machine Learning
Linear Regression using OLS
  • Introduction of Linear Regression
  • Types of Linear Regression
  • OLS Model
  • Math behind Linear Regression
  • Decomposition Variability
  • Metrics to Evaluate Model
  • Feature Scaling
  • Feature Selection
  • Regularisation Techniques
Project on Linear Regression
  • Project - Property Price Prediction
  • Class Assessment on Linear Regression
Optimisation Techniques
  • What is Optimisation?
  • Gradient Descent
  • Adagrad Algorithm
  • Adam Algorithm
Linear Regression with SGD
  • Prerequisites
  • Introduction to Stochastic Gradient Descent (SGD)
  • Preparation for SGD
  • Workflow of SGD
  • Implementation of SGD on Linear Regression
Project - Vehicle Performance Prediction
Logistic Regression
  • Classification with Linear Regression
  • Intro to Logistic Regression
  • Maximum Likelihood Estimation
  • Logistic Regression Using SGD
  • Performance Metrics
Project - Vehicle Usage Prediction
Decision Trees
  • Introduction to Decision Tree
  • Entropy
  • Information Gain
  • Greedy Algorithm
  • Decision Tree: Regression
  • Gini Index
  • Tuning of Decision Tree
Project - Heart Disease Prediction
Random Forest
  • Introduction to Random Forests
  • Averaging
  • Bagging
  • Random Forest – Why & How?
  • Feature Importance
  • Advantages & Disadvantages
Project on Random Forest
  • Project - Taxi Fare Prediction
  • Class Assessment on Classification
K-means Clustering
  • What is Clustering?
  • Prerequisites
  • Cluster Analysis
  • K-means
  • Implementation of K-means
  • Pros and Cons of K-means
  • Application of K-means
Project on K-means Clustering
  • Project - E-commerce Customer Segmentation
Hierarchical Clustering
  • Introduction to Hierarchical Clustering
  • Types of Hierarchical Clustering
  • Dendrogram
  • Pros and Cons of Hierarchical Clustering
Project on Hierarchical Clustering
  • Project - Travel Review Segmentation
  • Home Assignment on Clustering
Principal Components Analysis
  • Prerequisites
  • Introduction to PCA
  • Principal Component
  • Implementation of PCA
  • Case study
  • Applications of PCA
Project on PCA
  • Project - Real Estate Data Analysis using PCA
Time Series Modelling
  • Understand Time Series Data
  • Visualising Time Series Components
  • Exponential Smoothing
  • Holt's Model
  • Holt-Winter's Model
  • ARIMA
Project on Forecasting
  • Project - Forecasting the Sales of a Furniture Store
Cloud Basics
  • Basics of Cloud
ML on Cloud
  • Machine Learning on Cloud
Deployment on Cloud
  • Deploying ML models on Cloud

Data Visualisation with Tableau

  • Introduction to Tableau
  • Tableau Interface and Chart Types
  • Visual Analytics with Tableau
  • Dashboard and Stories

Deep Learning

Artificial Neural Network (ANN)
  • Introduction to Artificial Neural Network
  • Biological and Artificial Neurons
  • Activation Functions
  • Perceptron
  • Feed Forward Network
  • Multi-layer Perceptron (MLP)
  • Back Propagation
  • Deep ANN
  • Optimisation Algorithms
    • Gradient Descent
    • Stochastic Gradient Descent (SGD)
    • Mini-Batch Stochastic Gradient Descent
    • Stochastic Gradient Descent with Momentum
    • AdaGrad
    • RMSProp
    • Adam
  • Batch Normalisation
Project - Close Value of Stock Prediction using Neural Network
KERAS
  • What is Keras?
  • How to Install Keras?
  • Why to Use Keras?
  • Different Models of Keras
  • Preprocessing Methods
  • What are the Layers in Keras?
Project - Bank Credit Card Default Prediction using ANN on Keras
Tensorflow 2.0
  • Introduction to Tensors & TensorFlow
  • TensorFlow in Real-time Applications
  • Advantages of TensorFlow
  • How to Install TensorFlow
  • TensorFlow 1x vs TensorFlow 2.0
  • Eager Execution in TensorFlow 2.0
Project - Image Classification with Keras and TensorFlow
Convolutional Neural Network(CNN)
  • Introduction to Computer Vision
  • Convolutional Neural Network
  • Architecture of Convolutional network
  • Image as a Matrix
  • Convolutional Layer
  • Feature Detector & Feature Maps
  • Pooling Layer and Max pooling
  • Flattening Layer
  • Padding
  • Striding
  • Image Augmentation
  • Basics of Digital Images
https://short-courses.syracuse.edu/presentations/info/syracuse-women-as-business-leaders-online-short-course/
Recurrent Neural Network (RNN)
  • Introduction to RNN
  • RNN Network Structure
  • Different Types of RNNs
  • Bidirectional RNN
  • Limitations of RNN
Project - Classify Consumer Product Complaints using RNN

Artificial Intelligence - NLP & Computer Vision

Natural Language Processing Part I -NLTK
  • What is NLP?
  • Typical NLP Tasks
  • Morphology
  • Sentence Segmentation & Tokenisation
  • Pattern Matching with Regular Expression
  • Stemming, Lemmatisation
  • Part of Speech – POS
  • Named Entity Recognition (NER)
  • Parsing, Chunking
  • Stop Words Removal (English)
  • Corpora/Corpus
  • Context Window – Bi-gram, N-gram
  • Applications of NLP
  • Introduction to the NLTK Library
  • Processing Raw Text
  • Regular Expression
  • Normalising Text
  • Processing Raw Text – Tokenise Sentences
  • String Processing with Regular Expression
  • Normalising Text
  • Extracting Features from Text
  • Bag-of-Words(BoW), TF-IDF
  • Similarity score - Cosine similarity
  • Naïve Bayes Classifier
Project - Textual Document Classification
Computer Vision
  • Image Formation
  • Sampling and Quantisation
  • Image Processing – flipping, cropping, rotating, scaling
  • Image statistics & Histogram
  • Spatial Resolution
  • Gray level/Intensity Resolution
  • Spatial Filtering
  • Convolution
  • Smoothing, Sharpening
  • Color Space Conversion & Histogram
  • Thresholding for Binarisation
  • Morphological Operations
  • Image Gradient
  • Bounding Box
  • Sobel’s Edge Detection Operator
  • Template Matching
  • Image Feature – Key-point and Descriptor
  • Harris Corner Detector
  • Object Detection with HoG
  • Stream Video Processing with OpenCV
Project - Multi-class Classification of Flower Image
Advanced Computer Vision
  • Convolutional Neural Network
  • Motivation Behind ConvNet
  • Convolution Operation
  • Padding
  • Pooling
  • FCN for Classification
  • Cat Dog Classification
  • CNN in Keras
  • Applications
  • Transfer Learning – Introduction and Motivation
  • Transfer Learning –ConvNet
  • A Transfer Learning Scenario
  • ILSVRC
  • ImageNet
  • VGGNet (VGG16)
Project - Classification of Cat/Dog images using Transfer Learning and CNN model

Specialisation 1 - Advanced ML & AI Track

Random Forest + Ensemble Modelling Techniques
  • What is Ensembling?
  • Bootstrap Method
  • Bagging
  • Boosting
  • XGBoost
  • AdaBoost
Analytics in Healthcare/Finance
  • Some detailed project based on Classification
Association Rule Mining
  • Association Rules - Apriori algo
Analytics in Retail
  • Market Basket Analysis - Problem
Analytics in E-commerce
  • Some detailed project based on RFM model
Convolutional Neural Network (CNN)
  • Convolutional Neural Network
  • Architecture of Convolutional network
  • Image as a Matrix
  • Convolutional Layer
  • Feature Detector & Feature Maps
  • Pooling Layer and Max pooling
  • Flattening Layer
  • Padding
  • Striding
  • Image Augmentation
  • Basics of Digital Images
Introduction to Computer Vision and Open CV
  • What is Computer Vision
  • Image Formation
  • Image Processing – flipping, cropping, rotating, scaling
  • Drawing on images
  • Image statistics & Histogram
  • Spatial Resolution
  • Gray level/Intensity Resolution
  • Convolution
  • Smoothing, Sharpening
  • Color Space Conversion & Histogram
  • Thresholding for Binarization
  • Sobel’s Edge Detection Operator
  • Image Feature – Key-point and Descriptor
  • Stream Video Processing with OpenCV
Project - Multi-class Classification of Flower Images using CNN
Transfer Learning
  • Transfer Learning – Introduction and Motivation
  • Transfer Learning –ConvNet
  • A Transfer Learning Scenario
  • ILSVRC
  • ImageNet
  • VGGNet (VGG16)/Inception/ResNet
  • Project using Transfer Learning Model
Recurrent Neural Network (RNN)
  • Introduction to RNN
  • RNN Network Structure
  • Different Types of RNNs
  • Bidirectional RNN
  • Limitations of RNN
Introduction to NLP and NLTK
  • What is NLP?
  • Sentence Segmentation & Tokenization
  • Stemming, Lemmatization
  • Part of Speech – POS
  • Named Entity Recognition (NER)
  • Parsing, Chunking
  • Stop Words Removal (English)
  • Corpora/Corpus
  • Context Window – Bi-gram, N-gram
  • Aplications of NLP
  • Introduction to the NLTK Library
  • Processing Raw Text
  • Normalizing Text
  • String Processing with Regular Expression
  • Extracting Features from Text
  • Bag-of-Words(BoW), TF-IDF
Project - Project on Text Document Classification using RNN
Topic Modelling
  • Intro to Gensim
  • LDA-Latent Dirichlet Allocation
  • NMF-Non negative Matrix Factorization
  • Intro to knowledge graph
  • Project using Topic Modelling(unsupervised text data)

Admission details

Given below are the steps to enroll in the Data Science Prodegree Online Course:

Step 1: Go to the official website by clicking on the URL given below -https://imarticus.org/data-science-prodegree/

Step 2: Click on the 'Apply Now' option on the page.

Step 3: Enter your name, email id, and other credentials to proceed.

How it helps

The Data Science Prodegree Certification Benefits are given below:

  • The course will equip learners with the fundamentals of data science through insightful case studies and advanced projects.
  • Through the specialized training sessions provided by industry experts, learners will be able to develop the skills and expertise required for the roles of data scientists or data analysts.
  • The course will provide learners with a professional certification in data science.

FAQs

What is the total duration of the Data Science Prodegree Training Course?

The course provides two options - 4 months part-time or 2 months full-time.

Does the course guarantee placements?

No, the course does not guarantee placements.

Will I get a certificate after completion?

Yes, all learners who complete the Data Science Prodegree Course will get a course certificate.

What all job roles will I get with the help of skills acquired through the course?

The skills acquired through the course will help you achieve jobs including data scientists, data analysts, machine learning engineers, data visualization specialists, research data analysts, or business analytics consultants.

On which platform is the Data Science Prodegree Course available?

The Data Science Prodegree Online Course is available on the Imarticus online platform.

Articles

Popular Articles

Latest Articles

Trending Courses

Popular Courses

Popular Platforms

Learn more about the Courses

Download the Careers360 App on your Android phone

Regular exam updates, QnA, Predictors, College Applications & E-books now on your Mobile

Careers360 App
150M+ Students
30,000+ Colleges
500+ Exams
1500+ E-books