Full Stack Data Science
Full Stack Data Science
Data Science
Job Guarantee
Program
Module 1 - Python
Course Introduction and
Python Basics
Course overview and Dashboard description.
Introduction to Data science and its application
in day to day life.
Programming language overview, installation
(Tools: Sublime, Vs Code, PyCharm, Anaconda,
Atom, Jupyter notebook, Kite).
Virtual ENV.
Introduction to Python and comparison with
other programming language.
Installation of Anaconda Distribution and other
python IDE.
Python Objects, Numbers and Booleans, Strings.
Container objects, Multability of objects.
Operators - Arithmetic, Bitwise, Comparison and
assignment operators, Operators precedence
and associativity.
Condition (if else, if- elseif- else), loops (While,
for)
Break and Continue statement and Range
Function.
String Objects
Basic data structure in python.
String object basics.
String Inbuilt methods.
Splitting and Joining strings.
String format functions.
List
List object basics.
List methods.
List as stack and queues.
List comprehensions.
Memory Management
Memory management.
Multi-threading.
Multi-processing.
OOP's Concept
OOP's basic concepts.
Creating classes.
Pilers of OOP's.
Inheritence.
Polymorphism, Encapsulation, and
Abstraction.
Decorator.
Class methods and Static Methods.
Special (Magic/Dunder) Methods.
Property decorators - Getters, Setters, and
Deleters.
Files
Working with files.
Reading and writing files.
Buffered read and write.
Other file methods.
Logging, debugger.
Modules and statements.
Exception Handling
Difference between exceptions and
error.
Exceptions Handling with try-except.
Custom exception handling.
List of general use exceptions.
Best practice exception handling.
GUI Framework
What is Desktop and standalone
application?
Use of desktop app.
Examples of desktop app.
Tkinter.
Kivy.
Database
SQlite.
MySQL.
MongoDB.
NOSQL - Cassandra.
WebAPI
What is Web API?
Difference b/w API and Web API?
Rest and soap architecture.
Restful services.
Flask
Flask Introduction.
Flask application.
Open-link Flask.
App Routing Flask.
URL Building Flask.
HTTP Methods Flask.
Streamlit
Streamlit introduction.
Streamlit project structure.
Streamlit project in cloud.
Pandas Basic
Python pandas - Series.
Python Pandas - Dataframe.
Python Pandas - Panel.
Python Pandas - Basic functionality.
Reading data from different file system.
Pandas Advance
Python Pandas - Reindexing Python.
Pandas – Iteration.
Python Pandas – Sorting.
Working with Text Data Options &
Customization.
Indexing & Selecting.
Data Statistical Functions.
Python Pandas - Window Functions.
Python Pandas - Date Functionality.
Python Pandas –Timedelta.
Python Pandas - Categorical Data.
Python Pandas – Visualization.
Python Pandas - IOTools.
Python Numpy
NumPy - Ndarray Object.
NumPy - Data Types.
NumPy - ArrayAttributes.
NumPy - Array Creation Routines.
NumPy - Array from Existing.
Data Array From Numerical Ranges..
NumPy - Indexing & Slicing.
NumPy – Advanced Indexing..
NumPy – Broadcasting.
NumPy - Iterating Over Array.
NumPy - Array Manipulation.
NumPy - Binary Operators.
NumPy - String Functions.
NumPy - Mathematical Functions.
NumPy - Arithmetic Operations.
NumPy - Statistical Functions.
Sort, search and counting functions.
NumPy - Byte Swapping.
NumPy - Copies &Views.
NumPy - Matrix Library.
NumPy - Linear Algebra.
Visualisation
Matplotlib.
Seaborn.
Cufflinks.
Plotly.
Bokeh.
NumPy - Indexing & Slicing.
NumPy – Advanced Indexing..
NumPy – Broadcasting.
NumPy - Iterating Over Array.
NumPy - Array Manipulation.
NumPy - Binary Operators.
NumPy - String Functions.
NumPy - Mathematical Functions.
NumPy - Arithmetic Operations.
NumPy - Statistical Functions.
Sort, search and counting functions.
NumPy - Byte Swapping.
NumPy - Copies &Views.
NumPy - Matrix Library.
NumPy - Linear Algebra.
Visualisation
Matplotlib.
Seaborn.
Cufflinks.
Plotly.
Bokeh.
Weeding Scripts
Image resizing.
Jupyter Notebook merging, reading
etc.
Sending emails.
Weather app.
Memes Generator.
Food Log App.
Web Scrapping.
Web crawlers for image data
sentiment.
Analysis and product review sentiment
analysis.
Integration with web portal.
Integration with rest Api ,Web portal
and Mongo DB on Azure.
Deployment on web portal on Azure.
Text mining.
Social media data churn, mass copy
and paste.
Module 1 - It's a wrap
Module 2 - Statistics.
Introduction to basic Statistics terms.
Types of Statistics.
Types of data.
Levels of measurement.
Measures of Central Tendency.
Measure of dispersion.
Random Variables.
Set.
Skewness.
Covariance and Correlation.
Probability distribution
function.
Probability density/distribution
function.
Types of the probability distribution.
Binomial Distribution.
Poisson distribution.
Normal Distribution (Gaussian
Distribution).
Probability Density Function and Mass
Function.
Cumulative Density Function.
Examples of Normal Distribution.
Bernoulli Distribution.
Uniform Distribution.
Z Stats.
Central Limit Theorem.
Estimation .
Statistics - 2
Hypothesis.
Hypothesis Testing’s Mechanism.
P-Value.
T-Stats.
Student T distribution.
T-Stats vs. Z-Stats: Overview.
When to use a t-tests vs. z-tests.
Type 1 & Type 2 Error.
Bayes Statistics (Bayes Theorem).
Confidence Interval(CI).
Confidence Intervals and the Margin of
Error.
Interpreting confidence levels and
confidence intervals
Chi-Square Test.
Chi-Square Distribution using Python.
Chi-Square for Goodness of Fit Test.
When to use which statistical distribution?.
Analysis Of Variance (ANOVA).
Assumptions to use ANOVA.
Anova three types.
Partitioning of Variance in the ANOVA.
Calculating using Python.
F-Distribution.
F-Test (variance ratio test).
Determining the Values of F.
F Distribution using Python.
Linear Algebra
Linear Algebra.
Vector.
Scaler.
Matrix.
Matrix Operations and Manipulations.
Dot product of two vectors.
Transpose of a Matrix.
Linear Independence of Vectors.
Rank of a Matrix.
Identity Matrix or Operator.
Determinant of a Matrix.
Inverse of a Matrix.
Norm of a Vector.
Eigenvalues and Eigenvectors.
Calculus.
Solving stats problem with python.
Stats problem implementation with scipy.
Feature engineering
Handling Missing Data.
Handling imbalance, data up-sampling.
Down-Sampling.
Smote.
Data interpolation.
Handling Outliers.
Filter Method.
Wrapper method.
Embedded Methods
Feature Scaling
Standardization
Mean Normalization.
Min-Max Scaling
Unit Vector
Feature Extraction
PCA (Principle Component Analysis)
Data Encoding
Nominal Encoding
One hot encoding
One hot encoding with multiple categories
Mean Encoding
Ordinal Encoding
Label Encoding
Target guided ordinal encoding
Covariance
Correlation Check
Pearson correlation coefficient
Spearman’s Rank correlation
VIF.
Feature Selection
Feature Selection.
Recursive Feature Elimination.
Backward Elimination.
Forward Elimination.
Logistics Regression
Logistics Regression indepth intuition
Indepth mathematical intuition.
Indepth geometerical intuition.
Hyper parameter tuning.
Grid search CV.
Randomize search CV.
Data Leakage.
Confusion Matrix.
Precision, recall, F1 score, ROC, AUC.
Best metric selection.
Multiclass classification in LR.
Complete end-to-end project with
deployment in multi cloud platform.
Decision tree
Decision Tree Classifier.
Indepth mathematical intuition.
Indepth geometrical intuition.
Confusion Matrix.
Precision, Recall,F1 score, ROC, AUC.
Best metric selection.
Decision Tree Regressor.
Indepth mathematical intuition.
Indepth geometerical intuition.
Performance metrics.
Complete end-to-end project with deployment
in multi cloud platform.
Support Vector
Machines
Linear SVM Classification.
Indepth mathematical intuition.
Indepth geometerical intuition.
Soft Margin Classification.
Nonlinear SVM Classification.
Polynomial Kernel.
Gaussian, RBF Kernel.
Data Leakage.
Confusion Matrix.
presion,recall,F1 score, ROC, AUC.
Best metric selection.
SVM Regression.
Indepth mathematical intuition.
Indepth geometerical intuition.
Complete end-to-end project with deployment.
Naïve Bayes
Bayes Theorem.
Multinomial Naïve Bayes.
Gaussian Naïve Bayes.
Various Type of Bayes theorem and its intuition.
Confusion Matrix.
Precision, Recall, F1 score, ROC, AUC.
Best metric selection
Complete end-to-end project with deployment
Ensemble Techniques
and its types
Definiton of Ensemble techniques.
Bagging Technique.
Bootstrap Aggregation.
Random Forest (Bagging Technique).
Random Forest Regressor.
Random Forest Classifier.
Complete end-to-end project with deployment.
Boosting
Boosting Technique
ADA Boost
Gradient Boost
XG Boost
Complete end-to-end project with deployment
Stacking techniques
Stacking Technique.
Complete end-to-end project with deployment.
KNN
KNN Classifier.
KNN Regressor.
Variants of KNN.
Brute Force KNN.
K-Dimension Tree.
Ball Tree.
Complete end-to-end project with deployment.
Dimensionality Reduction
The curse of Dimensionality.
Dimensionality Reduction Technique.
PCA (Principle Component Analysis).
Mathematics Behind PCA.
Scree Plots.
Eigen-decomposition Approach.
Clustering
Clustering and their types
K-Means Clustering
K-Means++
Batch K-Means
Hierarchical Clustering
DBSCAN
Evaluation of Clustering
Homogeneity, completeness and V-measure
Silhouette Coefficient
Davies-Bouldin Index
Contingency Matrix
Pair Confusion Matrix.
Extrinsic Measure.
Intrinsic Measure.
Complete end-to-end project with deployment.
Anomaly Detection
Anomaly Detection Types
Anomaly Detection Applications
Isolation Forest Anomaly Detection Algorithm
Density-Based Anomaly Detection (Local Outlier
Factor) Algorithm
Support Vector Machine Anomaly Detection
Algorithm
DBSCAN Algorithm for anamoly Detection
Complete end-to-end project with deployment
Time Series
What is a time series?
Old Techniques
ARIMA
ACF and PACF.
Time-dependent seasonal components.
Auto regressive (AR), moving average (MA) and
mixed ARMA-modeller.
The Random Walk Model.
Box-Jenkins methodology.
Forecasts with ARIMA and VAR models.
Dynamic models with time-shifted explanatory
variables.
The Koyck transformation .
Partial adjustment and adaptive expectation
models.
Granger's causality tests.
Stationarity, unit roots and cointegration
Time series model performance
Various approach to solve time series problem
Complete end-to-end project with deployment
Prediction of NIFTY stock price and deployment
NLP Basic
Tokenization
POS Tags and Chunking
Stop Words
Stemming and Lemmatization
Named Entity Recognition (NER)
Word Vectorization (Word Embedding)
TFIDF
Complete end-to-end project with deployment
ChatBot Projects
Chatbot using Microsoft Luis.
Chatbot using Google Dialog flow.
Chatbot using Amazon Lex.
Chatbot using Rasa NLU.
Deployemnt of chatbot with web , Telegram ,
Whatsapp, Skype.
Major projects
Healthcare analytics prediction of medicines
based on FITBITband.
Revenue forecasting for startups.
Prediction of order cancellation at the time of
orderinginventories.
Anamoly detection in inventory packaged
material.
Fault detection in wafferes based on
sensordata.
Demand forecasting for FMCG product.
Threat identification in security system.
Defect detection in vehicle engine.
Food price forecasting with Zomato dataset.
Fault detection in wafferes based on sensor
data.
Cement Strength reg.
Credit Card Fraud.
Forest Cover Classification.
Fraud Detection.
Income Prediction.
Mushroom classifier.
Phising Classifier
Thyroid_Detection.
Visibility climate
TensorFlow Installation
Environment setup for Deep learning
Collab pro setup
Tensorflow Installation 2.0 .
Tensorflow Installation 1.6 with virtual
environment.
Tensorflow 2.0 function.
Tensorflow 2.0 neural network creation.
Tensorflow 1.6 functions.
Tensorflow 1.6 neural network and its functions.
Keras Introduction.
Keras in-depth with neural network creation.
Mini project in Tensorflow.
Tensorspace.
Tensorboard integeration.
Tensorflow playground.
Netron.
Pytorch
Pytorch installation.
Pytorch functional overview.
Pytorch neural network creation.
MXNet
Mxnet installation
Mxnet in depth Function overview
Mxnet model creation and Training
KERAS Tuner
Keras Tuner installation and overview.
Finding best parameter from Keras tuner.
Keras tuner application across various neural
network.
CNN overview
CNN definition
various CNN based architecture
explanation end to end CNN network
CNN Explainer
Training CNN
deployment in Azure cloud
performance tuning of CNN network
Object segmentation
Semantic segmentation.
Panoptic segmentation.
Masked RCNN.
Practical with detection.
Practical with TFOD.
Object Tracking
Detail of object tracking.
Kalman filtering.
SORT.
Deep sort.
Object tracking live project with live camera
testing.
OCR
Introduction to OCR.
Various framework and API for OCR.
Practical implementation of OCR.
Live Project deployment for bill parsing.
Image Captioning
Image captioning overview.
Image captioning project with deployment.
TensorFlow Js
Tensorflow js overview.
TensorFlow Js implementation.
Model Conversion
TensorFlow Js.
TensorFlow Lite.
TensorFlow Rt.
Torch to TensorFlow Model.
MXNet to TensorFlow Conversion.
Text processing
Importing Text.
Web Scrapping.
Text Processing.
Understanding Regex.
Text Normalisation.
Word Count.
Frequency Distribution.
Text Annotation.
Use of Anotator.
String Tokenization.
Annonator Creation.
Sentence processing.
Lemmatization in text processing.
POS.
Named Entity Recognition.
Dependency Parsing in text.
Sentimental Analysis
Spacy
Spacy Overview.
Spacy function.
Spacy function implementation in text
processing.
POS tagging, challenges and accuracy.
Entities and named entry Recognition,
Interpolation, Language models.
Nltk.
Text blob.
Standford nlp.
RNN
Recurrent Neural Networks.
Long Short Term Memory (LSTM)
Bi LSTM.
stacked LSTM.
GRU implementation.
Building a Story writer using character level
RNN.
Word Embedding
Word embeddings.
Co-occurrence vectors.
Word2vec.
Doc2vec.