Careers360 Logo
Interested in this College?
Get updates on Eligibility, Admission, Placements Fees Structure
Compare

Quick Facts

Medium Of InstructionsMode Of LearningMode Of DeliveryFrequency Of Classes
EnglishSelf Study, Virtual Classroom, Campus Based/Physical ClassroomVideo and Text BasedWeekends

Course Overview

World Economic Forum predicted that by 2022, the world’s top emerging roles will be Data Analysts and Data Scientists. The Bureau of Labor Statistics predicts that by 2026, Data science requirements will lead to approximately 11.5 million jobs. There is no doubt these sectors will have significant growth in the future. The Advanced Programme in Computational Data Science course will provide professionals with the hands-on practical experience they need to make their mark in this growing industry.

TalentSprint has collaborated with the Indian Institute of Science, India’s No. 1 institute by NIRF, to create the Advanced Programme in Computational Data Science certification course. The IISc faculty will deliver the curriculum which meets the various target groups’ requirements, be it research scientists, R&D professionals, engineers, etc. It will enable them to grow into competent managers in hyper data-driven and technologically advanced society.

The Advanced Programme in Computational Data Science training by TalentSprint is a twelve-month online course, including a three-day visit to the IISc campus in Bengaluru. The programme includes faculty-led interactive sessions, a convenient schedule for working professionals, multiple learning methods, and even mentorship for potential entrepreneurs who want to build a career through start-ups. 

The Highlights

  • Twelve Months Course
  • Online training
  • Learning on TalentSprint’s Pracademic Platform
  • Three Day IISc campus visit
  • Career Accelerator
  • Collaboration with Indian Institute of Science
  • Programme Certificate
  • Industry-leading faculty from IISc
  • Start-up Mentorship
  • Interactive Sessions
  • Convenient Schedule
  • Group Activities
  • Online Assessment and Quizzes
  • Experiments
  • Hackathons
  • Capstone projects
  • A Community of Deep-Tech experts
  • Personal project option available
  • 360-degree learning
  • 1:1 Mentoring
  • Data Stories
  • Self-paced learning

Programme Offerings

  • Ten Months Course
  • Online training
  • Three Day IISc campus visit
  • Collaboration with Indian Institute of Science
  • programme certificate
  • Top-notch faculty from IISc
  • Start-up Mentorship.

Courses and Certificate Fees

Certificate AvailabilityCertificate Providing Authority
yesIISc Bangalore

Advanced Programme in Computational Data Science fee structure

Course Name

Program Fee 

Program Fee with Scholarship

Advanced Programme in Computational Data Science (Domestic Participants)

Rs. 4,00,000

Rs. 3,00,000

Advanced Programme in Computational Data Science (International Participants)

 $ 5,000

$ 3,750

Eligibility Criteria

To apply for TalentSprint’s Advanced Programme in Computational Data Science online course, candidates must possess a four-year or an equivalent Masters/Bachelors Degree in Engineering, Management, or Science. Moreover, they should also have a minimum work experience of one year. Programming knowledge in coding is also a necessity to join this course. 

What you will learn

Machine learningData science knowledgeBusiness analytics knowledge

The online certification Advanced Programme in Computational Data Science by TalentSprint provides immense fluency in core topics upon completion, such as:

  • Neural Network and their applications
  • Machine Learning 
  • Data Engineering 
  • The mathematics involved in Data science
  • Business Analytics and forecasting 
  • Various practices in computational data science.

Who it is for

The Advanced Programme in Computational Data Science Certification Programme is beneficial for anyone who wants to pursue a data-driven profession, such as:

  • Business Analyst
  • Data Analyst
  • Data Engineers
  • Database Administrator
  • Data Scientist
  • Data Architect
  • Data and Analytics Manager
  • Business Intelligence Developer
  • Machine Learning Engineer

Admission Details

Step 1: If you have qualified the eligibility criteria, you can apply for the course by visiting https://iisc.talentsprint.com/cds/.

Step 2: Once you have downloaded the brochure (if required) and gone through the programme details, there is a dialogue box wherein you need to provide your contact information, details of your work experience, and your knowledge in coding. Then click on 'Apply Now.'

Step 3: Once the initial information is given, you will have to provide the required documents such as your identity proof, proof of education, work experience proof, etc. 

Step 4: Once you have applied for the course, IISc will select the applicants based on their education, work experience, and motivation. If you are selected, you will have to pay the fee, selecting the most suitable option. Once the programme fee is paid, you can join the programme. 

Application Details

The Application form for TalentSprint's Advanced Programme in Computational Data Science training is based on your education, work experience, and coding skills. The application form will need your contact details, your educational degree, and details of your work experience along with documental proof. 

However, this alone will not grant you access to the programme. IISc will select participants for the programme strictly based on merit, that is the details given by the participants and their motivation. You can join the programme only after passing the selection process.  

The Syllabus

  • Google Colab
  • Python
    1. Matplotlib
    2. Numpy
    3. Pandas
  • Basic mathematics: Matrix, Calculus, Probability
  • Basic data visualization
  • Data Cleaning/Munging

Module 1: Foundations of Data Science: Probability and Statistics
  • Probabilistic Description of Events and Data: Probability Axioms, Random Variables, PDF, PMF, Conditional Probabilty, Independence, Expectation, Variance
  • Describing Common Events using Probability: Bernoulli, Geometric, Binomial, Poisson, Uniform, Normal, Exponential
  • Statistical Learning - A/B Testing, Type I and II errors, Sample Size calculation Mini project in hypothesis testing
Module 2: Foundations of Data Science: Calculus and Matrix

Introduction to Calculus and Linear Algebra in Data Science

  • Importance of Calculus and Linear Algebra in Data Science
  • Basics of Univariate and Multivariate Calculus Vector Operations and Norms

Deep Dive into Calculus for Data Science

  • Derivatives and Partial Derivatives
  • Composite Functions and the Chain Rule
  • Introduction to Automatic Differentiation

Optimizing with Gradient Descent and Backpropagation

  • Gradient Descent Fundamentals
  • The Mechanics of Backpropagation

Fundamentals of Linear Algebra

  • Vector Spaces, Bases, and Dimensions
  • Linear Transformations and Matrices Matrix Operations in Data Science

Principal Component Analysis and Matrix Factorization

  • Principal Component Analysis (PCA): Theory and Application
  • Principal Component Analysis (PCA): Theory and Application Overview of Matrix Factorization Techniques (e.g., SVD, QR decomposition)

Module 3: Machine Learning

Foundations of ML 

  • Problem-solving strategy with data science tools, ML, and DL.
  • Model selection, feature importance

Regression Models

  • Least Squares; Regularization - Elastic Net, Ridge, Lasso; Bias-Variance tradeoff
  • Development-testing paradigm

Classification Models

  • Classification algorithms
  • Evaluation Metrics: MSE, Accuracy, Precision, Recall, F1 Score

Decision Trees and Random Forests

  • Decision Tree Algorithms
  • Voting Classifiers, Bagging Ensemble models
  • Random Forests

Boosting Models

  • XGBoost
  • Light GBM

Unsupervised Learning

  • Clustering (k-means, dbscan), Agglomerative clustering
  • Anomaly Detection

Mini-Project: Five Mini Projects in Machine Learning

Module 4: AI at Scale

Introduction to Scalable Computing 

  • Overview of scalable computing in AI/ML
  • Understanding parallel architectures
  • Importance of scalability in data science

Introduction to Parallel Computing 

  • Types of parallelism: Data parallelism vs. Task parallelism
  • Introduction to Shared Memory (OpenMP) and Distributed Memory (MPI)

Deep Dive into Scalable Computing Technologies

  • Deep dive into OpenMP and MPI
  • Introduction to GPUs and Nvidia accelerators
  • Overview of CUDA programming

Scalable Data Science Tools

  • JIT Compiler, Numba, and Dask
  • Introduction to TensorFlow distributed computing

Machine Learning at Scale with Parallel ML Libraries

  • Introduction to Dask, MLLib, cuDF, cuML, cuPY
  • Focused exploration of Horovod, Ray, and Rapids
Module 5: Neural Networks

Deep Neural Networks

  • Multi-Layer Perceptrons (MLP), backprop, Regression/Classification with MLP, gradient issues, and activation functions batch normalization, overfitting, drop out, optimizers and learning rate

Convolutional Neural Networks

  • Filtering, Convolution, pooling, Various architectures: U-net, Resnet, etc., classification, localization, segmentation (Computer Vision Applications)

Recurrent Neural Networks

  • Sequence modeling, memory cell, GRU, LSTM, gradient issues (NLP Applications)

Dimensionality Reduction and Self-supervised Neural Networks

  • PCA, Matrix Completion, LDA, CCA Manifold Learning, t-SNE, LLE
  • Advanced Auto-encoder type architectures

Fundamentals of NLP, attention mechanism, and transformer models.

Mini-Project in Neural Networks

Module 6: Generative AI in production

Introduction to Generative AI

  • Understanding Generative AI - Introduction to models like GPT, DALL-E, Midjourney,
  • Sora (and others) including their capabilities and limitations.
  • Exploring the Potential of Generative AI using APIs of large models (e.g., OpenAI).

Enhancing Applications with Advanced Techniques

  • Advanced Interaction with Generative Models - Prompt Engineering Techniques and Fine-Tuning
  • Retrieval-Augmented Generation (RAG)

Building and Deploying Business Applications

  • Identifying business problems and architecting solutions incorporating generative models.
  • Integrating Generative AI into Applications though API integration
  • Navigating Ethical Implications - Privacy, bias, and copyright issues
Module 7: Data Engineering

Introduction to Big Data storage systems 

  • Relational Databases
  • NoSQL Databases: HBase, Graph DB
  • Distributed File Systems/HDFS
  • Cloud storage

Introduction to Big Data processing platforms

  • Data Volume: Hadoop, Spark
  • Data Velocity: Storm, Complex Event Processing
  • Cloud platforms

Deep dive into Apache Spark

  • Resilient Distributed Dataset
  • Transformations, Actions
  • Designing computational and analytics application using Spark
  • Hands-on with PySpark programming

Mini-Project in Data Engineering

Module 8: Business Analytics

Time Series Modeling

  • Fundamentals, Stationarity, Measures of dependence
  • ARMA modeling

Business Case Studies

  • Market Basket Analysis (Association Rule Mining)
  • Optimal Financial Portfolio Allocation
  • Customer Churn Analysis

Mini-Project in Business Analytics

Module 9: Capstone Part 1
Module 10: Capstone Part 2

Instructors

IISc Bangalore Frequently Asked Questions (FAQ's)

1: Is this Advanced Programme in Computational Data Science an Online Course?

Yes, Advanced Programme in Computational Data Science is an online course. However, this 10 months course also includes a 3-day visit to the Indian Institute of Science, Bengaluru.

2: How long is this training programme for?

The total programme duration is twelve months.

3: Who are the programme instructors?

The programme educators are the expert and experienced faculty of the Indian Institute of Science.  

4: Will i receive certificate ?

All candidates who participate in the Advanced Programme in Computational Data Science will receive a digital certificate from TalentSprint and IISc after they complete the entire programme curriculum.

Articles

Back to top