0% found this document useful (0 votes)
9 views

Data-Science-and-Machine-Learning

The document outlines a comprehensive Data Science and Machine Learning course offered by Coding Ninjas, which includes over 70 hours of learning, 11 industry-recognized projects, and a duration of 6 months. It covers essential topics such as Python programming, machine learning algorithms, data manipulation, and data visualization, with practical projects like sentiment analysis and image classification. The course is designed for individuals with a good knowledge of programming fundamentals, aiming to prepare them for roles such as Data Scientist and Machine Learning Engineer.
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)
9 views

Data-Science-and-Machine-Learning

The document outlines a comprehensive Data Science and Machine Learning course offered by Coding Ninjas, which includes over 70 hours of learning, 11 industry-recognized projects, and a duration of 6 months. It covers essential topics such as Python programming, machine learning algorithms, data manipulation, and data visualization, with practical projects like sentiment analysis and image classification. The course is designed for individuals with a good knowledge of programming fundamentals, aiming to prepare them for roles such as Data Scientist and Machine Learning Engineer.
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/ 30

CODING

NINJAS

Data Science and


Machine Learning

ecome an expert in the


ata structures and algo-
mation and finding the
lem. This will help you to
d solve any real-world
CODING
NINJAS

Overview

Data Science is all about extracting meaningful insights from


gigabytes of data. This course will help you learn and understand
the concepts of Python, Machine Learning, Data Cleaning and
Data Analysis. You will be working on several projects as part of
this course that you may add to your CV to get those coveted
shortlists for desired roles, once you go abroad.

Highlights:

70+ hours of learning


6 months duration
70+ content and 55+
assignments
6 and 9 months validity

11 industry-recognized
projects
CODING
NINJAS

Pre-requisites:

Good knowledge of programming fundamentals and


their implementation

Course Outcome:
This course will make you eligible for the job roles like Data
Scientist, Data Engineer,Machine Learning Engineer, NLP
Scientist, Software Developer/Engineer (AI/ML).

Key Highlights:

Mentor Course Pause Certificate Course


Support Feature of Completion Extension
CODING
NINJAS

Projects you’ll build:

Gradient Descent Implementation

Implement the standard Gradient Descent


algorithm for optimisation of a model
(Regression or Neural).
Libraries used: Numpy, Pandas, Matplotlib
Topics: Regression

Logistic Regression Implementation

Implement the standard Logistic Regression


model generally used for classifying data
into binary classes such as pass/fail, win/lose,
alive/dead or healthy/sick.
Libraries used: Numpy, Pandas
Topics: Classification

Decision Tree Implementation

Implement the standard Decision Tree Class


used for classifying data into various classes
using a tree-like model of decisions and
their possible consequences.
Libraries used: Numpy, Pandas, GraphViz,
PyDotPlus
Topics: Classification
CODING
NINJAS

Text Classification
Build a classifier model using Naive Bayes
algorithm to predict the topic of an article
present in a newspaper
Libraries used: Numpy, Pandas, NLTK,
Matplotlib
Topics: Naive Bayes

Image Classification (CIFAR-10 Dataset)

Build a classifier for classifying 10,000 images


into 10 classes (dog, horse, cat etc) using the
CIFAR-10 Dataset.
Libraries used: Numpy, Pandas, Sklearn,
Matplotlib
Topics: SVM, PCA

Twitter Sentiment Analysis

Analyse the tweets posted on twitter to


predict the sentiment of the tweet i.e.
positive, negative or neutral
Libraries used: Numpy, Pandas, NLP, Sklearn
Topics: NLP
CODING
NINJAS

Facial Emotion Recognition

Build an advanced model with the ability


to predict the facial emotion of a person
in an image.
Libraries used: Numpy, Pandas, Keras,
TensorFlow
Topics: Neural Networks

Distracted Driver Detection


Build a classification model to predict using
a database of images whether a given driver
is distracted, ie, texting, on a call, driving
safely etc.
Libraries used: Numpy, Pandas, Keras,
TensorFlow
Topics: Neural Networks

Text Generation

Build a Neural Network based model to


predict what the next word will be in a
sequence of words/sentences.
Libraries used: Numpy, Pandas, Keras,
TensorFlow
Topics: Neural Networks, RNN, LSTM, GRU
CODING
NINJAS

Neural Machine Translation


Build an advanced model for the purpose
of translation of phrases and symbols from
one language to the other using Artificial
Neural Network.
Libraries used: Numpy, Pandas, Keras,
TensorFlow
Topics: Neural Networks, RNN, LSTM

Urban Sound Classification


Build a Neural network based model to
classify various sounds using their unique
spectrogram into classes such as Dog
Barking, Sirens, Street Music etc.
Libraries used: Numpy, Pandas, Keras,
TensorFlow
Topics: Neural Networks

Image Caption Generation

Build a CNN/LSTM based model to provide


a caption to the given image.
Libraries used: Numpy, Pandas, Keras,
TensorFlow
Topics: Neural Networks, RNN, LSTM
CODING
NINJAS

Case Study on Indian Startups

Detailed analysis of the Indian Startups


for interpretation of trends and patterns
to facilitate selection of proper city,
useful investors, funding type etc for
different startups.
Libraries used: Numpy, Pandas, Matplotlib

TMDB API
Finding out the latest information about
TV Shows, Movies and the biggest names
in the entertainment sector for a
marvelous and fun TV/Movie watching
experience.
Libraries used: Numpy, Pandas, Matplotlib
Topics: Application Programming
Interfaces(APIs)

Instagram Bot

Automation of your Instagram features


such as like-unlike, follow-unfollow, and
much more with a simple click of a button,
achieved using libraries such as
BeautifulSoup and Selenium.
Libraries used: Numpy, Pandas, Matplotlib,
Selenium
Topics: Web Scraping
CODING
NINJAS

Tools and techniques you’ll learn:


CODING
NINJAS

DATA SCIENCE

TOPIC SUB-TOPICS DETAILS

What is Data Science?


Work of Data Scientist,
Introduction
Data Science and ML,
To Data Science
Why Python
INTRODUCTION

First Program in Python,


Anaconda and Jupyter
Notebook, Variables in
Introduction To Python Python, Data Types,
Python Numbers, Limit
of Integers, Arithmetic
Operators, Taking
Inputs

Boolean Datatype,
Introduction to If-Else,
CONDITIONAL STATEMENTS

Using Relational and


Conditionals and Loops Logical Operators, Using
Else If, Nested Condition-
als, While Loop, Primality
Checking, Nested Loops
AND LOOPS

Introduction to Patterns,
First Patterns, Square
Patterns, Triangular Pat-
Patterns
terns, Character Patterns,
Inverted Pattern, Reversed
Pattern, Isosceles Pattern
CODING
NINJAS

TOPIC SUB-TOPICS DETAILS

For loop & Range Method,


CONDITIONAL

Print Multiples of 3, Check


STATEMENTS
AND LOOPS

More on Loops if a Number is Prime,


Pattern, Break Keyword,
Else keyword with loops,
Continue keyword, Pass
statements

Functions and how to


use them, Why do we
need functions, How
does function calling
Functions works, Functions using
strings & lists, Swap
Alternate, Scope of Vari-
PROGRAMMING BASICS

ables, Default parame-


ters in functions

Introduction, Create class


& object, Instance
Object-Oriented
Attributes, Class Attributes,
Programming Systems
Methods, Instance
(OOPs)
Methods, Constructors,
Access modifiers, Class
Methods & Static Methods
CODING
NINJAS

TOPIC SUB-TOPICS DETAILS

Strings Introduction,
Strings inbuilt functions,
Strings slicing, Lists
Strings, List & 2D List Introduction, List inbuilt
functions, Taking Input,
Difference of Even-Odd,
List Slicing, Multi-dimen-
sional Lists

Tuples, Tuples Functions,


Variable-length input and
DATA TYPES

output, Dictionary Intro,


Access/looping elements
in dictionary, Adding Or
Tuples, Dictionary, and Sets Removing Data In
Dictionary, Print All Words
With Frequency K, Sets
Intro, Functions in sets,
Sum Of All Unique
Numbers In List

Introduction, Open and


Working With Files read Text files, Read file
line by line, CSV Files,
Work with CSV Files,
DictReader, Countrywise
Killed
CODING
NINJAS

TOPIC SUB-TOPICS DETAILS

Introduction, Why
NumPy is fast, Create
NumPy arrays, Slicing &
Indexing, Mathematical
NumPy Operations - 1D, Boolean
Indexing - 1D, Boolean
Indexing - 2D, NumPy
Broadcastin
DATA MANIPULATION

Introduction to Pandas,
Accessing Data in
Pandas, Manipulating
Pandas Data in Data Frame,
Handling NAN, Handling
Strings in Data

Plotting Graphs,
Customizing Graph,
Bubble Chart, Pie Chart,
Matplotlib Histogram, Bar Graph,
How to decide Graph
Type
CODING
NINJAS

TOPIC SUB-TOPICS DETAILS

Create and Insert, Update


Table, Retrieve Data, Filter
Result, Aggregate
Functions, Update and
Introduction to SQL queries Delete, Introduction to
Databases, Relational
STRUCTURED QUERY LANGUAGE [SQL]

Database, What is SQL

Group By, Having, Order


By, IN, BETWEEN, LIKE,
Joins Introduction,
Advanced SQL queries Inner Join, Left & Right
Join

What is Indexing, Default


Indexing, Use Default
Indexing, Add & Remove
Indexing And SQLite Indexes, SQLite Introduc-
tion, Connect with a
database, Passing
parameters in a query,
Fetch data, SQLite with
pandas
CODING
NINJAS

TOPIC SUB-TOPICS DETAILS


Introduction to APIs,
Examples of APIs, HTTP
APPLICATION PROGRAMMING

Basics, HTTP Libraries,


Introduction to API JSON file format, JSON to
Python, Explore JSON
data, Passing
Parameters - 1, POST
request
INTERFACE[API]

Basic Authentication,
Reddit Introduction, oAuth
Working with API Introduction, oAuth Roles
& Process, Reddit API - Get
Access Token, Reddit API -
Fetch Data, Reddit API -
Few more operations

Scraping Introduction,
HTML tour, BeautifulSoup
Introduction, Navigating
BeautifulSoup
Parse Tree, First Web
WEB SCRAPING

Page, Books to scrape,


Link of all the pages,
Store data in CSV

Selenium Introduction,
Let’s start with Selenium,
Selenium Browser Interaction,
Locate element - 1, Web
element Methods &
Properties, Find all jobs,
Type into fields
CODING
NINJAS

TOPIC SUB-TOPICS DETAILS


Implicit Wait, Explicit Wait,
WEB SCRAPING

Radio buttons and


checkbox, Handle drop-
down,Infinitely Scroll
Advanced Selenium Webpage, Infinite
Scrolling, Switch tab
focus, Handle popups

Different ways for Data


Visualization, Types Of
Data Visualization, What is
Introduction to
Data Visualization?,
Data Visualization
Importance Of Data
Visualization
DATA VISUALIZATION

Automatically Generated
Fields, Dimension & mea-
Introduction to Tableau
sure, Tableau Navigation,
Data Joins and Union,
Connect with Data, Tab-
leau Installation, What is
Tableau, Data Types

Histogram, Bar Chart, Area


Tableau Visualizations Chart, Adding customiza-
tion, Let’s create the First
plot, Understanding the
Basics of Plotting, Types of
charts, Line Chart
CODING
NINJAS

TOPIC SUB-TOPICS DETAILS

Seaborn vs Matplotlib,
VISUALIZATION

Introduction to Seaborn,
Seaborn Starting with Seaborn,
Visualizing Statistical
DATA

Relationships - LinePlot

Introduction of Statistics,
Data Types in Statistics,
Sample & Population,
Statistics Simple Random Sampling,
Stratified sampling, Cluster
sampling, Systematic Sam-
pling, Categories of
Statistics

Measures in Descriptive
Statistics, Measures of
Descriptive Statistics central tendency, Mea-
sures of Spread, Range &
IQR, Variance & Standard
Deviation, Measure of Po-
STATISTICS

sition

Introduction to Inferential
Statistics, Why Inferential
Statistics?, Probability
Introduction to
Distribution, Normal
Inferential Statistics
Distribution, Standard
Normal Distribution,
Sampling Distribution,
Central Limit Theorem
CODING
NINJAS

TOPIC SUB-TOPICS DETAILS

What is Hypothesis Testing,


Null & Alternative Hypothesis,
STATISTICS

Significance Level, Test sta-


Hypothesis Testing tistic, Test Statistic: Critical
value & Rejection Region,
Test Statistic: Type of Test,
Errors in Hypothesis Testing
CODING
NINJAS

MACHINE LEARNING

TOPIC SUB-TOPICS DETAILS


INTRODUCTION

Introduction to Machine
Learning, Supervised
Introduction to Learning, Steps for
Machine Learning Supervised learning
Loading Boston Dataset,
Training an Algorithm,

First Program in Python,


Introduction to Python Anaconda and Jupyter
Notebook, Variables in
PYTHON BASICS

Python

Strings,How Strings are


Strings stored,Operations on
Strings,String Slicing,

Tuples Tuples,Tuples functions


PROGRAMMING BASICS

Boolean opertors,
Conditionals and Loops Conditions,Loops,Fast
Iterations

Functions, Variable Sized


Functions Input and Output
CODING
NINJAS

TOPIC SUB-TOPICS DETAILS


Introduction to Lists,
Operations on Lists,
Lists Resizing of Lists, Looping
on Lists, Negative Index-
ing and Sequencing in
Lists ,Line Separated
Input ,Space Separated
DATA TYPES

Input

Intro to Dictionaries,
Accessing Data in
Dictionaries Dictionary, Adding/
Removing Data in
Dictionary

2D Lists 2D Lists and Wave Print

Importing Modules,
Numpy Numpy, Numpy
Operations
DATA MANIPULATION

Introduction to Pandas,
Accessing Data in
Pandas
Pandas, Manipulating
Data in Data Frame,
Handling NAN, Handling
Strings in Data

Plotting Graphs,
Plotting Graphs Customising Graphs,
Pie Graph
CODING
NINJAS

TOPIC SUB-TOPICS DETAILS


Introduction to Linear
Regression, Optimal
Coefficients, Cost
Introduction to function, Coefficient of
Linear Regression Determination, Analysis
of Linear Regression
using dummy Data,
Linear Regression
Intuition

Generic Gradient
Descent, Learning Rate,
LINEAR AND LOGISTIC REGRESSION

Complexity Analysis of
Multivariable Regression Normal Equation Linear
and Gradient Descent Regression, How to find
More Complex Bound-
aries, Variations of
Gradient Descent

Implement the standard


Project: Gradient Descent algo-
Gradient Descent rithm for optimisation of
a model (Regression or
Neural).
Handling Classification
Problems, Logistic
Regression, Cost
Function, Finding
Optimal Values, Solving
Derivatives, Multiclass
Logistic Regression Logistic Regression,
Finding Complex
Boundaries and
Regularization, Using
Logistic Regression
from Sklearn
CODING
NINJAS

TOPIC SUB-TOPICS DETAILS


Decision Trees, Decision
Trees for Interview call,
Building Decision Trees,
Decision Trees - 1 Getting to Best Decision
Tree, Deciding Feature
to Split on, Continuous
DECISION TREES AND RANDOM FORESTS

Valued Features

Code using Sklearn


decision tree, informa-
Decision Trees - 2 tion gain, Gain Ratio,
Gini Index, Decision
Trees & Overfitting,
Pruning

Implement the standard


Decision Tree Class used
Project: Decision for classifying data into
Tree Implementation various classes using a
tree-like model of deci-
sions and their possible
consequences.

Introduction to Random
Forests, Data Bagging
and Feature Selection,
Random Forests Extra Trees, Regression
using decision Trees and
Random Forest, Random
Forest in Sklearn
CODING
NINJAS

TOPIC SUB-TOPICS DETAILS


Bayes Theorem, Indepen-
dence Assumption
in Naive Bayes,
Probability estimation
for Discrete Values
Naive Bayes Features, How to handle
zero probabilities,
Implementation of Naive
NAIVE BAYES

Bayes, Finding the


probability for continuous
valued features,
Text Classification
using Naive Bayes

Build a classifier model


using Naive Bayes
Project: Text Classification algorithm to predict the
topic of an article present
in a newspaper

Introduction to KNN,
Feature scaling before
KNN, KNN in Sklearn,
KNN AND SVM

Cross Validation,
Finding Optimal K,
K-nearest neighbours Implement KNN, Curse
of Dimensionality,
Handling Categorical
Data, Pros & Cons of
KNN
CODING
NINJAS

TOPIC SUB-TOPICS DETAILS

Intuition behind SVM,


SVM Cost Function,
Decision Boundary & the
C parameter, using SVM
from Sklearn, Finding
Non Linear Decision
KNN AND SVM

Support Vector Machine Boundary, Choosing


Landmark Points,
Similarity Functions,
How to move to new
dimensions, Multi-class
Classification, Using
Sklearn SVM on Iris,
Choosing Parameters
using Grid Search, Using
Support Vectors to
Regression

Intuition behind PCA,


PRINCIPAL COMPONENT ANALYSIS

Applying PCA to 2D data,


Applying PCA on 3D data,
PCA - 1 Math behind PCA, Finding
Optimal Number of
Features, Magic behind
PCA

PCA on Images, PCA on


Olevitti Images,Reproduc-
PCA - 2 ing Images, Eigenfaces,
Classification of LFW
Images
CODING
NINJAS

TOPIC SUB-TOPICS DETAILS


PRINCIPAL COMPONENT

Build a classifier for


classifying 10,000
Project: Cifar10 images into 10 classes
dog, horse, cat etc) using
the CIFAR-10 Dataset.
ANALYSIS

Using Words as Features,


Basics of word process-
ing, Stemming, Part of
NLP - 1 Speech, Lemmatization,
NATURAL LANGUAGE PROCESSING

Building Feature set,


Classification using NLTK
Naive Bayes

Using Sklearn classifiers


within NLTK, Countvectorizer,
NLP - 2 Sklearn Classifiers, N-gram,
TF-IDF

Analyse the tweets


posted on twitter to
Project:
predict the sentiment
Twitter Sentiment Analysis
of the tweet i.e. positive,
negative or neutral
CODING
NINJAS

TOPIC SUB-TOPICS DETAILS

Why do we need Neural


Networks, Example with
Linear Decision Boundary,
Finding Non-Linear
Decision Boundary, Neural
Neural Networks - 1 Network Terminology, No
of Parameters in Neural
NEURAL NETWORKS

Network, Forward and


Backward Propagation,
Cost Function, How to
handle Multiclass
classification, MLP
classifier in sklearn

Forward Propagation,
Error Function in Gradient
descent, Derivative of
Sigmoid Function, Math
Neural Networks - 2 behind Backpropagation,
Implementing a simple
Neural Network, Optimising
the code using Vector
Operations, Implementing
a general Neural Network.

Introduction to Tensor-
TENSORFLOW AND KERAS

Flow, Constants, Session,


Variables, Placeholder,
MNIST Data, Initialising
Weights and Biases, For-
TensorFlow
ward Propagation, Cost
Function, Running the
Optimiser, How does the
Optimiser work?, Running
Multiple Iterations, Batch
Gradient Descent
CODING
NINJAS

TOPIC SUB-TOPICS DETAILS

Introduction to Keras,
TENSORFLOW AND

Flow of code in Keras,


Kera Models, Layers,
Keras Compiling the model,
Fitting Training Data in
KERAS

Keras, Evaluations &


Predictions

Problem in Handling images,


Convolution Neural Neworks,
CNN - 1
CONVOLUTIONAL NEURAL NETWORK

Stride and Padding,


Channels, Pooling Layer,
Data Flow in CNN

Architecture of CNN,
Initializing weights,
Forward Propagation in
TensorFlow, Convolution
and Maxpool Functions,
CNN - 2 Regularization using
Dropout layer, Adding
Dropout Layer to the
network, Building CNN
Keras

Building ML Models for


RNN AND LSTM

sequential Data, Recurrent


Neural Networks, How does
Recurrent Neural Network RNN work, Typical RNN
Structures, Airline Data
Analysis, Preparing Data
for RNN, Setting up the RNN
model, Analysing the Output
CODING
NINJAS

TOPIC SUB-TOPICS DETAILS


RNN AND LSTM

Vanishing or Exploiting
Gradients, Gated Recurrent
Units, Variations of the GRU,
Long Short Term Memory
LSTM

Introduction to Unsupervised
Learning, Introduction to
Clustering, Using K-means
Unsupervised Learning - 1 for Flat Clustering, KMeans
Algorithm, Using KMeans
from Sklearn, Implementing
UNSUPERVISED LEARNING

Fit & Predict Functions,


Implementing K-Means
Class

How to choose Optimal K,


Silhouette algorithm to
choose K, Introduction to
K Medoids, K Medoids
Algorithm, Introduction to
Unsupervised Learning - 2 Hierarchical Clustering,
Top down/Divisive Aproach,
Bottom up/Divisive
Approach
CODING
NINJAS

About us
Founded in 2016 by IIT, Stanford and Facebook alumni
Coding Ninjas is one of the largest online coding EdTech
companies in India. We teach 20,000+ students annually
via our online platform.
Our founders have experience of working with Amazon,
Facebook, Cars24, and other top startups in India.
As pioneers in EdTech, we are on the path to become India’s
most loved coding education platform.

IIT Delhi, Stanford, Raised Series A funding


Facebook alumni from InfoEdge Technologies

50,000+ learners India's most loved


across the country coding platform

Founded in 2016
CODING
NINJAS

1800-123-3598 [email protected] codingninjas.com

You might also like