0% found this document useful (0 votes)
28 views27 pages

Data Science Ai

Data scientist

Uploaded by

kitkatshorts2m
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as PDF, TXT or read online on Scribd
0% found this document useful (0 votes)
28 views27 pages

Data Science Ai

Data scientist

Uploaded by

kitkatshorts2m
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as PDF, TXT or read online on Scribd
You are on page 1/ 27

Data Science & AI

Certification Program
With Interview Preparation

https://inttrvu.ai +91 77560 43707


1

Index
About Founder 2

Career Journey - Rohit Mande 3

Who is This Program for 4

Program Duration 5

Program highlights 6

Job Roles in Data Science 7

Tools and Technologies 8

Learning Path 9

Program Syllabus 10

Projects 18

Interview Preparation Highlights 20

Student Reviews 21

Top Recruiters & Certificate 24

Course Fees 25
Contact Now 26

https://inttrvu.ai +91 77560 43707


2

About Founder

Hello, I am Rohit Mande, Founder and CEO of


INTTRVU.ai. ( Ex-Chief Data Scientist, Barclays)
I have built and delivered multiple Data
Science and AI projects in the last 10 years.

I am passionate about guiding people to a


successful career transition. With this passion
and a team of like-minded people, we have
started INTTRVU.ai.

We have designed our Data Science and AI


and Interview Preparation Programs based
on the latest skillsets demanded by the
industry. Our programs are highly
practical-oriented with lots of hands-on
Rohit Mande learning, assignments, and projects.
Founder, INTTRVU.AI
Ex Chief Data Scientist, Barclays I look forward to interacting with you during
the program.

Click on the icon


To know more about founder

https://inttrvu.ai +91 77560 43707


3
4

Who is This Program for


5

Program Duration

Program Duration: 6 Months


Theory and Hands-on Exercises:
5 Months

Capstone Projects and Interview Preparation:


1 Month
Batches
-Weekday and Weekend batches

https://inttrvu.ai +91 77560 43707


6

Live interactive classes


All sessions conducted by top Data Science Experts
20+ data science models built during program
4 Capstone projects including Generative AI
Placement Assistance
Access to class recordings for self-paced learning
1-1 guidance for any questions
Document with 300+ most asked questions and answers.
Mock Interviews
Detailed Feedback and plan of action to crack the interviews
Course completion certificate
Duration: 6 months
7

Data Scientist

AI Product Manager

AI Program Manager
8

Tools and Technologies


Python
SQL

Numpy
Pandas

Scikit-learn
Seaborn

SciPy
Matplotlib

OpenAI(Generative AI)
Keras

PowerBI
Tableau

AWS

https://inttrvu.ai +91 77560 43707


9

Learning Path
1 Python Programming

2 Statistics and Machine Learning

3 Deep Learning

4 Natural Language Processing(NLP)

5 Generative AI and Explainable AI

6 SQL, PowerBI,Tableau and MLOps

7 Capstone Projects on Real world datasets

8 Resume Building & Interview Preparation

9 Completion Certificate

10 Job Placement Assistance and Career


Guidance

https://inttrvu.ai +91 77560 43707


10

Syllabus
Python
Variables:
Definition and use
Variable assignment and reassignment

Data types:
string, integer, float
String manipulation
Floating-point arithmetic

Loops and conditions:


for loop, while loop
For loop syntax and examples
While loop structure and usage
Loop control statements (break, continue)

Data Structures:
Lists, tuples, dictionaries, and sets
List operations and methods
Tuple characteristics and usage
Dictionary key-value pairs
Set operations and applications

Functions:
Function definition and calling
Parameters and return values
Lambda functions

Object-oriented programming:
Object-oriented programming concepts overview
Class & object creation
Private functions and variables

https://inttrvu.ai +91 77560 43707


11

Pandas:
Introduction to Pandas
DataFrames and Series
Merge, filter and sort operations in Pandas
Handling missing data

NumPy:
Introduction to NumPy
NumPy arrays and operations
Linear algebra with NumPy

Reading data from API and SQL:


Retrieving data from APIs,
Integration of SQL and Python

Data Visualization:
Seaborn, Matplotlib
Basic plots with Matplotlib
Seaborn for statistical data visualization

Math for Data Science


Probability
Scalar and Vector
Distance Metrics
Matrix Operations
Linear and non-linear functions
Derivative

https://inttrvu.ai +91 77560 43707


12

Statistics
Central limit theorem
Data Distribution
Mean, Mode, Median
Variance and Standard Deviation
Correlation and Causation
Missing data imputation
Outlier Detection
Hypothesis Testing: p-value, chi square test, Welch t-test
A/B Testing
Market Basket Analysis

Machine Learning Models


Linear Regression:
Simple and multiple linear regression
Gradient Descent Optimization
Ordinary Least Square Regression
Evaluation metrics for Regression models
Build linear regression model using Python in live class.

Logistic Regression:
Logistic function
Odds Ratio
Logistic regression model
Decision Boundary
Evaluation metrics for Classification model
Build logistic regression model using Python in live class.

https://inttrvu.ai +91 77560 43707


13

Regularization:
Underfitting and Overfitting
Bias Variance Tradeoff
L1 regularization (Lasso regression)
L2 regularization (Ridge regression)
Build L1 and L2 regularized model using Python in live class.

Clustering:
K-Means clustering
Hierarchical clustering
DBSCAN Clustering
Evaluation metrics for Clustering Model
Build and evaluate clustering models using Python in live class.

K-Nearest Neighbors (KNN):


Distance metrics in KNN
KNN algorithm
KNN for regression and classification
Build KNN model using Python in live class.

Support Vector Machines (SVM):


Margin Maximization
Hard Margin and Soft Margin
Kernel Trick
Support vector regression
Build and evaluate SVM model using Python in live class.

Dimension Reduction:
Principal Component Analysis (PCA)
Eigen Value Eigen Vector Decomposition
Apply PCA for dimension reduction using Python in live class.

https://inttrvu.ai +91 77560 43707


14

Decision Trees and Random Forests:


Decision tree construction
Splitting criteria
Build a decision tree model using Python in live class.

Random Forest:
Bagging
Ensemble learning with random forests
Feature importance in random forests
Build a random forest model using Python in live class.

Gradient Boosting:
Boosting
Adaboost
Gradient Boosting
XGBoost and its advantages
Build XGBoost model using Python in live class.

Time Series Forecasting:


Stationarity
Seasonality and trend
ARIMA
SARIMA
Train time series forecasting model in live class

Deep Learning

Neural Networks: Overview of Neural Networks

Activation Functions:
Understanding Activation Functions
Types of Activation Functions
Importance of Activation Functions in Deep Learning

https://inttrvu.ai +91 77560 43707


15

Deep Learning:
Introduction to Deep Learning
Deep Neural Networks (DNNs)
Forward propagation
Backward Propagation
Vanishing Gradient problem
Exploding Gradient problem
Build a deep learning model using Python in live class.

Convolutional Neural Networks (CNN):


Introduction to Convolutional Neural Networks.
Pooling layer
Dropout layer
Create a model for object detection using Python in live class.

Long Short-Term Memory (LSTM):


Introduction to Recurrent Neural Networks (RNNs).
Architecture and working principles of LSTM
Build LSTM model on time series data in live class.

Natural language processing ( NLP )


Text Cleaning:
Introduction to text preprocessing.
Handling special characters and numbers.
Case normalization.

Stemming and Lemmatization:


Understanding the basics of stemming and lemmatization.
Comparing stemming and lemmatization.

Part of Speech Tagging:


Overview of part-of-speech (POS) tagging
Use cases and applications of POS tagging

Recognition (NER):
Overview of NER
Applications of NER
Build NER on text data using Python in live class

https://inttrvu.ai +91 77560 43707


16

TFIDF (Term Frequency-Inverse Document


Frequency):
Explaining TFIDF and its importance in NLP
Applications of TFIDF in text analysis
TFIDF implementation
Build TFIDF model on text data using Python in live class

Word2Vec:
Introduction to Word Embeddings
Word2Vec architecture and models
Training Word2Vec models
Applications of Word2Vec in NLP
Build word2vec model on large text data using Python in
live class

Explainable AI
How to create explainable models?
LIME
SHAP
Build Explainable AI model using Python in live class

Generative AI
BERT
Large language Models
ChatGPT
How ChatGPT is trained?
ChatGPT API for Python developers
Build Question and Answer model using Generative AI on custom dataset
using Python in live class

ML Ops
Git and Coding standards
Model deployment
Model monitoring
Flask API and Batch processing
Docker
Build a ML project with code structured for batch and API deployment using
Python in live class

https://inttrvu.ai +91 77560 43707


17

Amazon Web Services (AWS)


AWS cloud services
AWS for machine learning
ML model deployment on AWS

SQL for Data Science


Introduction to SQL for data manipulation
Aggregation functions in SQL
Filters in SQL queries
Group By clause and its applications
Joins in SQL and handling nested queries
Date and time operations in SQL

Power BI
Data visualization using Power BI
Data Modelling
Power Query
Advanced visualizations
Build data analytics project using Power BI

Tableau
Data Visualization using Tableau
Creating dashboard Pages
Sorting, grouping and Filtering
Different types of charts
Build data analytics project using Tableau

Capstone projects on real world datasets


ML capstone project l – Regression
ML capstone project 2 - Classification
ML capstone project 3 -Clustering
ML capstone project 4 - NLP and Generative AI

https://inttrvu.ai +91 77560 43707


18

Projects
Finance Domain

•Credit card transactions fraud


detection
•Loan prediction based on
customer behavior
•Bank customer segmentation
•Credit score prediction

Healthcare

•Heart failure prediction


•Diabetes prediction
•Lung Cancer Prediction on
Image Data

https://inttrvu.ai +91 77560 43707


19

Manufacturing

•Defect detection in production


•Product quality prediction
•Predictive maintenance

Ecommerce

•Ecommerce text classification


•Sentiment analysis from
TripAdvisor reviews
•Customer segmentation and
recommendation system

Note: You will be building machine learning models on datasets with millions of rows!

https://inttrvu.ai +91 77560 43707


20

Interview Preparation &


Mock Interviews
Revision of Key topics and questions for Data Science Interview

How to explain projects

Document with 300+ most asked questions and answers

Answers which will help you to standout

Standout CV creation guided and reviewed by experts

Mock interviews with Data Science experts

Detailed Feedback and plan of action to crack the interviews

Job application guidance and support

Placement Assistance

https://inttrvu.ai +91 77560 43707


21

Student Reviews

“The course material was comprehensive and straightforward, direct-


ly addressing today’s job market needs.
Rohit was always on hand, providing personalized feedback that was
crucial for improvement. Mock interviews felt incredibly authentic,
boosting my confidence and skill significantly.
One of the most astonishing outcomes of this journey was the signifi-
Nitin Jethwani cant salary hike I achieved, thanks to the negotiation skills I learned
through the program. I secured a position with a 130% higher salary
Data Scientist than my previous role.The number of offers(10+) I received allowed
me to choose a role that was not just financially rewarding but also
aligned with my career aspirations and values.”

“I attended a data science course offered by INTTRVU.ai and


had an excellent experience. The course content is very stream-
lined and focuses on the most relevant topics for today’s job
market and advancements. The pace of teaching is excellent.
Mr. Rohit frequently takes feedback from students to ensure
everyone is keeping up. There are separate sessions each week
Shivam Agrawal dedicated to solving doubts. Through the support of INTTRVU.ai ,
Data Scientist I received a 50% hike in my first offer from an MNC. Highly recom-
mended for those looking to transition into the data science
space. The course is great value for money and time well spent.”

“I am glad I came across this course at the right time when I was
trying to internally switch into Data Science role from Prod role.
The material with Interview questions especially for the stats
and ML part were really helpful and a few were even directly
Anshuman Pathak
starting points in my interview which I was able to crack. Thank
Data Scientist
you Team !”

https://inttrvu.ai +91 77560 43707


22

Student Reviews

“Rohit has AIML industry experience and provides training based


on real scenarios. The content provided in the training sessions
is very useful. He is always ready to solve queries and gives
Harshal Talmale attention to everyone.”
Manager

“Rohit is highly skilled in the field of data science. He maintains a


well-organized classroom environment that is conducive to
learning, ensuring that everyone in the coaching session is able
to thrive. With a keen eye for assessing learning outcomes for
each individual in the classroom, he helps us understand and
Abhijeet Gangane grasp concepts more quickly. I highly recommend Rohit’s coach-
Scientist ing academy, 'INTTRVU.ai,' if you want to pursue a career in data
Ministry of earth Sciences
Govt. Of India
science; he is the perfect tutor for you. ”

“This data science program excels in content quality, offering an


up-to-date curriculum. The program's content is well-struc-
tured and covers key concepts. The instructor possesses
Sagar Patil in-depth knowledge of data science and AI.”
Associate

https://inttrvu.ai +91 77560 43707


23

Student Reviews

“I highly recommend exploring data science, with a focus on


industry-level problems, under the guidance of Rohit Sir. This
approach not only facilitates a comprehensive understanding
of the significance of data science but also provides practical
insights into real-world applications. Engaging with Rohit Sir's
Tribhuwan Singh teachings can be the easiest and most effective way to grasp
UI developer the complexities of data science in a practical and industry-rele-
vant context”

“Rohit provides detailed explanation of key concepts and theo-


ries of Data Science. He focuses on clarifying doubts. Additional-
ly, the appropriate level of assignments complements the learn-
Alisha
ing experience.”
Acturial analyst

https://inttrvu.ai +91 77560 43707


24

Top Recruiters
Citi Accenture Western Union

Wipro TomTom Databricks

Mckinsey & co ICICI Walmart

Mastercard Nvidia Microsoft

Capgemini EY Kotak

Tcs Cloudera Pwc

Infosys Amazon J.P.Morgan

Tech Mahindra Tiger Analytics Terdata

Fractal Analytics Numerator Musigma

BNY Mellon Barclays Google

Wolters Kluwer Meta

Certification
Certificate ID-

CERTIFICATE
OF COURSE COMPLETION

THIS IS TO CERTIFY THAT

has successfully completed the


“Advanced Certification In Data Science
&
Artificial Intelligence”

Rohit Mande
Founder & CEO

https://inttrvu.ai +91 77560 43707


25

Special discounted price


26

Enroll Now

You might also like