arrow_back
Back
lock
Data Science Combo Introduction (Start From Here)
lock
Connect with Teaching Assistant for Doubt Clearance.
lock
How To Connect Teaching Assistant (TA) ?
lock
How To Follow Course Structure ?
lock
How To Get Course Certificate ?
lock
How To Submit Resume For Review ?
lock
How To Apply For Internship ?
lock
Understand The Individual Course Structure
lock
Please Read
lock
How to start with Python Module ?
lock
Structure of SQL Module
lock
Structure of ML, DL, Maths & Stats Module
lock
Fundamentals of AI and Data Science(Optional)
lock
1. Intro To Artificial Intelligence
lock
2. Intro To Machine Learning
lock
3.What is Data ?
lock
4. Brief Intro To ML Algorithms
lock
5. Life Cycle of Data Science & ML Project
lock
6. What is Deep Learning ?
lock
7. Real World Implementation of AI
lock
8. Different Roles in Data Science
lock
Core Python
lock
Video 0: Importance of programming
lock
Python Basics Assignment(Download this first)
lock
Video 1: Print
lock
Video 2: Comments
lock
Video 3: Variables
lock
Video 4: Datatypes
lock
Video 5: TypeCasting
lock
Video 6: ArithmeticOperation
lock
Video 7: Indexing & Slicing
lock
Video 8: String Operations
lock
Video 9: Input Output
lock
Video 10: Math Function
lock
Video 11 : BinaryNumber(optional for data science)
lock
Video 12: Python Operator
lock
Video 13 : Data Structures Introduction
lock
Video 14.1 : List Part 1
lock
Video 14.2 : List Part 2
lock
Video 14.3 : List Part 3
lock
Video 15 : IF ELSE
lock
Video 15.1: Statement & Indentation
lock
Video 16: Loops
lock
Video 17: Loop Problem Statements in Python , Nested Loop Examples (Optional)
lock
Video 18: Functions in Python , User Defined Functions
lock
Video 19: Top 5 Python Functions YOU MUST KNOW
lock
Python Basics Explanation Video
lock
Python reloaded assignment(download this)
lock
Video 20: Set
lock
Video 21: Dictionary
lock
Video 22: Tuple
lock
Video 23: List Dict Set Comprehensions in Python(More Examples)
lock
VIdeo 24: DECODING RECURSION in Python
lock
Python_Reloaded Assignment Solution(Explanation)
lock
Video 25: File Handling
lock
Video 26: Error Handling
lock
Data Structures Assignment(Download this first)
lock
Data structure solution
lock
Video 0 : Python_Intermediate_Tutorial
lock
Video 1: Python Intermediate Intro
lock
Python Intermediate Assignment(Download this first)
lock
Video 2: Duplicate, Occurence, Factorial Problem
lock
Video 3: Reversing a Number
lock
Video 4: IP Address Problem
lock
Video 5: Removing Punctuation, 2-D Array
lock
Video 6: Cost of Removal Problem
lock
Video 7: Smallest String , Count Code
lock
Video 8: Sum of the Series, Count of Vowels
lock
Video 9: Longest Substring
lock
Video 10: Hangman
lock
Video : Regex Tutorial
lock
Regex assignment
lock
Regex_Explanation_Video
lock
Hackerank Section
lock
Video : Create Account (Hackerrank)
lock
Hacker_rank Challenge Assignment
lock
Problem Sol 1 : PythonIfElse
lock
Problem Sol 2 : PythonArithOper
lock
Problem Sol 3 : PythonPrintFun
lock
Problem Sol 4 : PythonWriteAFuncLeapYr
lock
Problem Sol 5 : ListComprehension
lock
Problem Sol 6: RunnerUp
lock
Problem Sol 7: NestedLists
lock
Problem Sol 8: FindingPercentage
lock
Problem Sol 9: Lists
lock
Problem Sol 10: Tuples
lock
Problem Sol 11: MinionGame
lock
Problem Sol 12: DoorMatDesign
lock
Problem Sol 13: MergeTool
lock
Problem Sol 14: findaString
lock
Problem Sol 15: NoIdea
lock
Problem Sol 16: SymDiffSet
lock
Problem Sol 17: LambdaMap
lock
Problem Sol 18: ValidEmail
lock
Problem Sol 19: ReduceFunc
lock
Problem Sol 20: CollectionCounter
lock
Probloem Sol 21 : NamedTuples
lock
Problem Sol 22 : DefaultDict
lock
Hackerank All Problem Solution of Assignment
lock
Python Notes Link
lock
Python For Data Science
lock
Numpy
lock
Introduction To NumPy
lock
Numpy assignment(Download this first)
lock
Video 1: Numpy Array Dimensions
lock
Video 2: List Vs Numpy
lock
Video 3: Numpy array Reshaping
lock
Video 4: Numpy Array Indexing
lock
Video 5: Numpy Slicing Operations
lock
Video 6: Numpy View Vs Copy
lock
Video 7 : Numpy Hstack Vs Vstack
lock
Video 8: Numpy Concatenation
lock
Video 9: Numpy Insert Append Delete
lock
Complete numpy tutorial(Add on)
lock
Numpy Assignment solution
lock
Pandas
lock
Introduction To Pandas
lock
Pandas assignment(download this first)
lock
Video 1: Pandas Series
lock
Video 2: Pandas DataFrame
lock
Video 3: Pandas Concatenation
lock
Video 4: Top Pandas Commands in Data Science
lock
Video 5: Indexing DataFrame
lock
Video 6: How to upload and read data in colab
lock
Video 7: Pandas Groupby
lock
Video 8: Pandas Date Range
lock
Pandas creating and reading CSV files in Jupyter notebook(Add on)
lock
Black Friday Case Study
lock
Pandas Assignment Solution
lock
Data Cleaning
lock
Data Cleaning(Download this first)
lock
Video 1: Introduction of Data Cleaning
lock
Video 2: nan special case 1
lock
Video 3: nan special case 2
lock
Video 4: basic missing value treatment
lock
Video 5: Ffill, Bfill & KNNImputer
lock
Video 6: deciding imputation technique
lock
Video 7: Dataframe Iterations
lock
Video 8: Pandas Function
lock
Data Cleaning Assignment Solution
lock
EDA
lock
Intro To EDA
lock
Eda assignment(download this first)
lock
Video 1: Deleting rows and columns from the Dataframe
lock
Video 2: Duplicate Values
lock
Video 3: Missing Value Handling
lock
Video 4: Removing Outliers from the DataFrame
lock
Video 5: IQR Outlier & Z score
lock
Video 6: Data Visualisation by Different Plots
lock
Video 7: Matplotlib(creating visual, labels,subplot)
lock
Video 8: Matplotib part 2(Object Oriented way, fonts, fig_size,dpi)
lock
Video 9: Matplotlib part 3(Legends,labels)
lock
Video 10 : Matplotlib part 4(barchart, scatter plot chart,histogram,piechart)
lock
Video 11: Seaborn tutorial part 1
lock
Video 12: Seaborn tutorial part 2
lock
EDA Assignment Explanation Part 1
lock
EDA Assignment Explanation Part 2
lock
Quiz Section
lock
Python Quiz
lock
Data Structure Quiz
lock
NumPy Quiz
lock
Pandas Quiz
lock
DSA
lock
Introduction To Classes
lock
Scope of Variables, Inheritance in Classes
lock
Download Time Complexity Assignment
lock
Time Complexity part 1
lock
Time Complexity part 2
lock
Time Complexity Last Question solution
lock
Download Array Assignement
lock
Problem 1: Explanation
lock
Problem 1: Code Explanation
lock
Problem 2: Explanation
lock
Problem 2: Code Explanation
lock
Solved Problem 3: Clockwise Rotated Matrix
lock
Solved Problem 4: Sum of two elements
lock
Solved Problem 5: Duplicate Numbers
lock
Solved Problem 6: Running Sums
lock
Practice Problem solution-1
lock
Practice Problem solution-2 (array)
lock
Practice Problem solution-3 (array)
lock
Practice Problem solution-4 (array)
lock
Practice Problem solution-5 (array)
lock
Practice Problem solution-6 (array)
lock
Download Recursion Assignment
lock
Solved Problem 1: Sum of All Numbers
lock
Solved Problem 2: Nth Fibonacci Number
lock
Solved Problem 3: Reversed Array
lock
Solved Problem 4: Subsequence
lock
Solved Problem 5: Unique Combination
lock
Solved Problem 6: Possible Permutation
lock
Practice Problem -1 (recursion)
lock
Practice Problem -2 (recursion)
lock
Practice Problem -3 (recursion)
lock
Practice Problem -4 (recursion)
lock
Download Sorting Assignment
lock
Video 1: Bubble Sort
lock
Video 2: Insertion Sort
lock
Video 3: Selection Sort
lock
Video 4: Merge Sort
lock
Video 5: Quick Sort
lock
Video 6: Linear Search
lock
Video 7 : Binary Search
lock
Practice Problem Solution-1 (sorting)
lock
Practice Problem Solution-2 (sorting)
lock
Practice Problem Solution-3 (sorting)
lock
Download Linkedlist Assignment
lock
Linked List Introduction
lock
Solved Problem 1: Reverse Singly Linked list
lock
Solved Problem 2: Middle Node
lock
Solved Problem 3: Deleting Node
lock
Solved Problem 4: Sum of 2 number
lock
Solved Problem 5: Cyclic Linkedlist
lock
Pracrice Problem Solution 1 (linkedlist)
lock
Pracrice Problem Solution 2 (linkedlist)
lock
Pracrice Problem Solution 3 (linkedlist)
lock
Download Stack&Queue Assignment
lock
Video 1: Introduction of Stacks and Queues
lock
Video 2: Stack Problem
lock
Video 3: Queue Problem
lock
Video 4: Balanced Parentheses Problem
lock
Video 5: Reversed Polish Problem
lock
Solved Practice Problem-1 (stack&queue)
lock
Solved Practice Problem-2 (stack&queue)
lock
Download Trees Assignment
lock
Video 1: Trees Introduction
lock
Video 2: Inorder Traversal
lock
Video 3: Preorder Traversal
lock
Video 4: Postorder Traversal
lock
Video 5: Level Order Travesal
lock
Video 6 : Max Depth Problem
lock
Video 7: Diameter Problem
lock
Video 8: Identical Problem
lock
Video 9: Left View Problem
lock
Video 10: Lowest Common Ancestor Problem
lock
Practice Problem Solution-1 (tree)
lock
Practice Problem Solution-2 (tree)
lock
Practice Problem Solution-3 (tree)
lock
Practice Problem Solution-4 (tree)
lock
Download Dynamic Assignment
lock
Solved Problem 1: Fibonacci Number
lock
Solved Problem 2: Stairs Problem
lock
Solved Problem 3: Subsequence
lock
Solved Problem 4: Frog Jump
lock
Solved Problem 5: Unique path
lock
Solved Problem 6: Min Cost path
lock
Solved Problem 7: Knapsack problem
lock
Practice Problem Solution 1 (dynamic)
lock
Download Graph Assignment
lock
Video 1 : Graph Introduction
lock
Video 2 : Graph Represenation
lock
Solved Problem 1 : Breadth First Search Using Graph
lock
Solved Problem 2 : Depth First Search Using Graph
lock
Solved Problem 3: Cyclicn / Non-Cyclic Using DFS
lock
Solved Problem 4 : Bipartite Problem Using DFS
lock
Graph Practice Problems Explanation
lock
Machine Learning
lock
Feature Selection
lock
Download Feature Selection Assignment
lock
Video 1: Feature Selection Techniques
lock
Video 2: Identify and Dropping Missing Values
lock
Video 3: Variance Threshold Removal
lock
Video 4: Difference between fit transform fit_transform predict
lock
Video 5: One Way ANOVA
lock
Video 6: Recursive Feature Elimination
lock
Video 7: Model Based Feature Selection
lock
Video 8: Variance Inflation Factor
lock
Feature Selection Solution
lock
Feature Selection Solution With Explanation
lock
Feature Engineering
lock
Download Feature Engineering Assignment
lock
Video 1: Creating New Column
lock
Video 2: DropNa
lock
Video 3: Mean Method FillNa
lock
Video 4: Handling Missing Values Categorical Data
lock
Video 5: Outlier Detection and Removal using Standard Deviation and Z Score
lock
Video 6: Outlier Detection and Removal using Pandas
lock
Video 7: Data Pre-Processing in Data Mining
lock
Video 8 : Binning
lock
Video 9 : Encoding Categorical Data
lock
Video 10 : How to Transform Data to Better Fit The Gaussian Distribution
lock
Video 11 : Datetime Module
lock
Feature Engineering Solution
lock
Feature Engineering Explanation Video
lock
Linear Regression
lock
Download Linear Regression Assignment
lock
Video 1 : Assumptions of Linear Regression
lock
Video 2 : .Linear Regression-Splitting and describing dataframe
lock
Video 3: Linear Regression-EDA on dataset
lock
Video 4 : Linear Regression-Reshaping concept
lock
Video 5 : Linear Regression-Fitting The Regression Model
lock
Video 6 : Linear Regression-Metrics In Regression
lock
Video 7 : Linear Regression-Residual Errors
lock
Linear Regression Assignment Explanation Video
lock
Multiple Linear Regression
lock
Download Multiple Linear Regression Assignment
lock
Video 1 : Map Function
lock
Video 2 : Get Dummies
lock
Video 3 : Standard vs Normal
lock
Video 4 : Building Model
lock
Video 5 : Multicollinearity
lock
Video 6 : Metrics
lock
Multiple Regression Assignment Explanation Video
lock
Advanced Linear Regression
lock
Download Adv Linear Regression Assignment
lock
Video 1: Advanced Linear Regression Tutorial
lock
Video 2: ML Pipeline Tutorial
lock
Video 3: Regression Types
lock
Advance Linear Regression Solution
lock
Advanced Regression Explanation Video
lock
Logistic Regression
lock
Download Logistic Regression Assignment
lock
Video 1 : Logistic Regression Intuition Part 1
lock
Video 2 : Logistic Regression Intuition Part 2
lock
Video 3 : Logistic Regression Intuition Part 3
lock
Video 4 : Normalization & Standardization
lock
Video 5 : Logistic Regression by Statsmodel (Theory)
lock
Video 6: Logistic Regression Statsmodel(Practical)
lock
Video 7 : Dropping Highly Correlated Variables
lock
Video 8 : Variance Inflation Factor
lock
Video 9 : Performace Measure for Classification(theory)
lock
Video 10 : Classification Model Evaluation(code)
lock
Video 11 : ROC-AUC
lock
Logistic Regression Solution
lock
Logistic Regression Explanation Video
lock
PCA
lock
Download PCA Assignment
lock
Video 1 : PCA Theory Part 1
lock
Video 2: PCA Theory part 2
lock
VIdeo 3 : PCA Implementation
lock
Video 4 : PCA Visualization
lock
PCA Solution
lock
PCA Assignment Explanation Theory
lock
PCA Assignment Explanation Coding
lock
KNN
lock
Download KNN Assignment
lock
Video 1 : KNN theory
lock
Video 2 : KNN Implementation
lock
KNN Solution
lock
KNN Assignment Explanation
lock
Decision Tree
lock
Download Decision Tree Assignment
lock
Video 1 : Decision Tree Theory Part 1
lock
Video 2 : Decision Tree Theory Part 2
lock
Video 3 : Decision Tree Theory Part 3
lock
Video 4 : Decision Tree Theory Part 4
lock
Video 5 : Visualizing Decision Tree
lock
Video 6 : Grid Search CV
lock
Video 7 : Post Pruning Decision Tree
lock
Decision Tree Assignment Explanation
lock
Naive Bayes
lock
Download Naive Bayes Assignment
lock
Video 1 : NaiveBayes Intro
lock
Video 2 : Text Analytics(Count Vectorizer)
lock
Video 3 : Bernoulli Naive Bayes
lock
Video 4 : Confusion Matrix
lock
Video 5 : sensitivity & specificity
lock
Video 6: ROC AUC.
lock
Video 7 : Multinomial Naive bayes
lock
Video 8: Gaussian Naive bayes
lock
Naive Bayes Solution
lock
Bagging
lock
Download Bagging Assignment
lock
Video 1 : Bagging Intuition
lock
Video 2 : Pipeline
lock
Video 3 : Scikit Learn Ensemble Learning
lock
Video 4 : Random Forest
lock
Video 5 : Extra Tree
lock
Video 6 : Hyperparameter Tuning using Randomized Search CV
lock
Bagging Solution
lock
Bagging Assignment Explanation
lock
Boosting
lock
Download Boosting Assignment
lock
Video 1: Boosting
lock
Video 2 : Adaptive Boosting
lock
Video 3 : Gradient Boosting
lock
Video 4 : XGBOOST
lock
Video 5 : CatBoost Training on GPU
lock
boosting solution
lock
Clustering
lock
Download Clustering Assignment
lock
Video 1 : Unsupervised Learning Introduction
lock
Video 2 : Unsupervised practical
lock
Video 3 : Hopkin Statistics Intuition
lock
Video 4 : kmean Intuition
lock
Video 5 : Silhouette (clustering)- Validating Clustering Models
lock
Video 6 : K-Means Clustering with Elbow Method
lock
Video 7 : Clustering - Hierarchical clustering (Theory)
lock
Video 8: Hierarchical Practical
lock
Video 9 : dbscan intuition part 1
lock
Video 10 : dbscan intuition part 2
lock
Video 11 : DBSCAN Clustering coding
lock
Video 12: Mean Shift Clustering
lock
Video 13: Optics Clustering
lock
Video 14 : Clustering - Gaussian Mixture Models
lock
clustering solution
lock
Support Vector Machine
lock
Download SVM Assignment
lock
Video 1 : SVM Intuition
lock
Video 2 : Hyperparameter Tuning SVM using GridSearchCV
lock
svm solution
lock
Hypothesis Testing
lock
Download Hypothesis Assignment
lock
Video 1: Hypothesis Intuition
lock
Video 2: Null & Alternate Hypothesis
lock
Video 3: Terms related to Hypothesis Testing
lock
Video 4: Hypothesis Example 1
lock
Video 5: Recap of Example 1
lock
Video 6: Hypothesis Example 2
lock
Video 7: Z test
lock
Video 8: T test
lock
Video 9: Degrees of Freedom
lock
Video 10: One sample t test
lock
Video 11: Two sample T test
lock
Video 12: Paired T-test
lock
Video 13: Chi-Sqare test 1
lock
Video 14-Chi Square test 2
lock
Video 15-ANOVA introduction
lock
Video 16: Types of ANOVA
lock
Hypothesis Testing Solution
lock
Gradient Descent
lock
Download Gradient Descent Assignement
lock
Video 1 : Gradient descent intuition
lock
Video 2 : Gradient Descent on Linear Regression
lock
Gradient Descent Solution
lock
Model Deployment
lock
Simple Linear Regression Deployment
lock
Multiple linear regression deployment
lock
Machine Learning Projects
lock
Employee Attrition Problem
lock
Problem statement explanation(EMp Attrition)
lock
Download Employee Attrition File
lock
Dataset Overview
lock
Categorical Column + Correlation Matrix
lock
Chi Square Test
lock
EDA
lock
Variance Inflation Factor
lock
ANOVA + Dendogram
lock
Model Building
lock
Hyperparameter Tuning + Summary
lock
Chronic Kidney Disease Problem
lock
Problem_Explanation
lock
Download Chronic File
lock
Chronic Dataset Overview
lock
Data Cleaning Part-1
lock
Data Cleaning Part-2
lock
Chronic EDA
lock
Imputing And Encoding
lock
Choosing Best Model
lock
HackerEarth Machine Learning | Exhibit Art ( Finance )
lock
hackerearth exhibit art project explanation withcode
lock
MachineHack ML | Merchandise Popularity Prediction ( Marketing )
lock
Merchandise Popularity Prediction project explanation withcode
lock
Financial News Headlines Data | Sentiment Analysis( Finance )
lock
Financial News Headline Explanation Video
lock
ODI Cricket Match Winner Prediction ( Sports )
lock
ODI cricket match winner prediction soln video
lock
Steam Video Games Dataset | Recommender System
lock
Steam video game recommender system Solution video
lock
Ethereum Fraud Detection
lock
ethereum solution video
lock
Electrical Fault Detection - IOT Dataset
lock
electrical fault solution video
lock
Quora Question Pair
lock
Video 0: Quora Case Study Prerequisites
lock
Video 1: Problem_Statement
lock
Submit your work on quora case study
lock
Video 2: Basic EDA and Feature Engineering
lock
Video 3: Quora - Text Preprocessing and Advanced Feature Engineering
lock
Video 4: Quora - Text Preprocessing and Advanced Features Analysis
lock
Video 5 :Quora - Weighted Word Vectors
lock
Video 6: Quora ML Models
lock
Seoul Bike Trip Duration Prediction
lock
Dataset and Instructions for seoul
lock
Seoul Bike - Problem Statement and EDA
lock
Seoul Bike - Modeling
lock
Newyork Taxi Demand Prediction
lock
Dataset & Instructions for nytaxi
lock
V1 : Instructions
lock
V2 : Achieving the objective
lock
V3 : Understanding the data
lock
V4 : Dask dataframe
lock
V5 : Understanding the features
lock
V6 : Performance matrix
lock
V7 : Latitude & Longitude
lock
V8 : Data cleaning
lock
V9 : Removing outliers
lock
V10 : Data preparation part 1
lock
V11 : Data preparation part 2
lock
V12 : Data preparation part 3
lock
V13 : Data preparation part 4
lock
V14 : Data preparation part 5
lock
V15 : FFT
lock
V16 : SMA
lock
V17 : WMA
lock
V18 : EMA
lock
V19 : Regression models
lock
V20: Complete Summary
lock
Credit Risk Analysis Case Study
lock
Credit Risk Case Study Introduction
lock
Crdit Risk Assignment
lock
Data Preprocessing Part - 1
lock
Data Preprocessing Part - 2
lock
Data Preprocessing Part - 3
lock
Model Building
lock
Expected Loss Explanation
lock
Expected Loss Assignment
lock
Expected Loss Calculation
lock
Fecebook Case Study
lock
Video 1: Problem Statement Explanation
lock
Video 2 : Graph Introduction
lock
Video 3 : Dataset Format
lock
Project Submission(Facebook)
lock
Video 4 : Mapping to Supervised Learning Problem
lock
Video 5 : Basic EDA
lock
Video 6 : EDA Part 2(Followers_And_Following_Stats)
lock
Video 7 : Posing The Problem Into Classification Task
lock
Video 8 : Feature Engineering Jaccard and Cosine
lock
Video 9 : Feature Engineering PageRank & Shortest Path
lock
Video 10 : Feature Engineering Connected Components
lock
Video 11 : Feature Engineering Adar Index
lock
Video 12 : Feature Engineering Katz Centrality
lock
Video 13 : Feature Engineering HUBS Score
lock
Video 14 : Feature Engineering SVD & Weighted Features
lock
Video 15 : Modeling
lock
Maths And Stats For Data Science
lock
Linear Algebra Tutorials
lock
Video 1- Introduction of Vectors
lock
Video 2-Addition and Subtraction of vectors
lock
Video 3-Properties & Co-ordinate system
lock
Video 4-Vector Sum
lock
Video 5-Dot Product
lock
Video 6- Examples
lock
Video 7- Arithmectic operations on Vectors
lock
Video 8- Vector Norms
lock
Video 9-Changing Coordinates
lock
Video 10- Linearly Independent vectors
lock
Video 11-Basis Vectors
lock
Video 12-Matrices Introduction
lock
Video 13-Types and Properties of Matrices
lock
Video 14- Rank
lock
Video 15- Nullity and Null Space
lock
Video 16-Linear Equations case 1
lock
Video 17- Case 2
lock
Video 18- Case 3
lock
Video 19 - Vectors Revisited
lock
Video 20- Vector line equation and projection
lock
Video 21- Hyperplanes & halfspaces
lock
Video 22- Eigenvalues & Eigenvectors
lock
Video 23-Properties of eigenvectors
lock
Calculus Tutorials
lock
Video 1-Functions
lock
Video 2-Derivatives
lock
Video 3-Derivative 2
lock
Video 4-Continous function
lock
Video 5- Integration
lock
Video 6-Maxima and Minima
lock
Video 7- Gradient Descent
lock
Statistics Tutorials
lock
Video 1- Mean, Median, Mode
lock
Video 2-Population and Sample mean
lock
Video 3-Population Variance
lock
Video 4-Sample Variance
lock
Video 5-Standarad Deviation
lock
Video 6-Alternative formula for variance
lock
Video 7- Probability
lock
Video 8-Types of Events
lock
Video 9- Example of events
lock
Video 10-Conditional Probabilty
lock
Video 11-Marginal & Conditional Probability
lock
Video 12-Random Variable
lock
Video 13-Probabilty Distribution
lock
Video 14-Normal Distribution
lock
Video 15-Example 1 of Normal distribution
lock
Video 16-Example 2 of Normal Distribution
lock
Video 17-Binomial Distribution
lock
Video 18-Example of Binomial Distribution
lock
Video 19- Poisson Distribution
lock
Video 20-Example of Poisson Distribution
lock
Video 21-Central Limit Theorem
lock
Video 22- Hypothesis
lock
Video 23-Null & Alternate Hypothesis
lock
Video 24-Terms related to Hypothesis Testing
lock
Video 25- Example 1
lock
Video 26- Recap of Example 1
lock
Video 27- Example 2
lock
Video 28- Z test
lock
Video 29-T test
lock
Video 30- Degrees of Freedom
lock
Video 31-1 sample t test
lock
Video 32- Two sample T test
lock
Video 33- Paired T-test
lock
Video 34- Chi-Sqare test1
lock
Video 35-Chi Square test2
lock
Video 36-ANOVA introduction
lock
Video 37- Sum of Squares
lock
Video 38- Sum of squares within and between
lock
Video 39- Types of ANOVA
lock
Video 40- Skewness & Kurtosis
lock
Linear Algebra Assignments
lock
Download Dot Product Assignment
lock
Video 1 : Dot Product(Theory )
lock
Video 2 : Dot Product(Coding )
lock
Dot Product solution video
lock
Download Norm of Vector Assignment
lock
Video 3 : Norm(Theory)
lock
Video 4 : Norm(Coding)
lock
Norm solution video
lock
Download Linear Combination Assignment
lock
Matrix Mult Assignment Video
lock
Linear comb solution video
lock
Download Matrix Multiplication Assignment
lock
Matrix Mult solution video
lock
Download Linear equation system Assignment
lock
Video 6: Matrix Equation
lock
Video 7 : Linear Equation
lock
Lineareqn solution video
lock
Download Linear transformation Assignment
lock
Video 8: Linear Transform
lock
Linear transform solution video
lock
Download Eigenvalues and Eigenvectors Assignment
lock
Video 9 : Eigvector and Eigenvalues
lock
Eigenvalues and Eigenvectors Solution Video
lock
Vector Spaces Assignment
lock
vector spaces solution
lock
Video 1: Dot Product And Angle Between Them
lock
Video 2 : orthogonal, cross product and linear combination
lock
Video 3 : Singular Value Decomposition
lock
vector solution
lock
Statistics Assignment
lock
Download Data Analysis Assignment
lock
data analysis solution
lock
Download Central Tendency Assignment
lock
central tendency solution
lock
Concept of Quantiles
lock
concept of quantile solution
lock
Variability
lock
variability solution
lock
Housing case study
lock
housing solution
lock
Mobile phone case study
lock
mobile solution
lock
Sampling
lock
sampling sol video
lock
T-test
lock
T-test-solution
lock
A/B Testing
lock
AB solution
lock
Drug Assignment
lock
drug solution
lock
Payroll Assignment
lock
payroll solution
lock
Stats behind plots
lock
stat behind plot solution
lock
probability in data science
lock
probability in data science solution
lock
SQL
lock
SQL Crash Course(Add on)
lock
Database concept
lock
Mysql installation
lock
SQL Queries Basic + Intermediate
lock
SQL Basics
lock
Video 1: CRUD
lock
Video 2: Data Definition Language
lock
CRUD Operations
lock
crud solution
lock
SQL Intermediate
lock
Video-3 Limit, Orderby
lock
Video-4 Where,Distinct,ComparisonOperators
lock
Video-5 Logical_Operators
lock
Video-6 Groupby,Having
lock
Group by
lock
group by solution
lock
Video 7: Joins
lock
Joins Queries
lock
Joins solution
lock
VIdeo-8 Nested_Queries
lock
Subquery
lock
subquery solution video
lock
Video 10: Table constraints
lock
Table Constraints
lock
table constraint solution video
lock
Video 11: case when statements
lock
PGexercise Problems
lock
PGexercise Solution
lock
Hackerank SQL Problems
lock
Hackerank SQL Solution
lock
Company Schema Practice Problem
lock
Company Schema solution video
lock
Advanced SQL
lock
University schema Case Study
lock
university schema solution
lock
Cursors_tutorial
lock
Cursors Assignment
lock
Cursors solution video
lock
SQL_Views tutorial
lock
Views Assignment
lock
Views solution
lock
Transactions tutorial
lock
Transactions Assignment
lock
transactions solution video
lock
Window functions
lock
CTE Tutorial
lock
SQL String transformations & Regex
lock
Date Time Manipulation
lock
Introduction of Data Modeling +forward engineering
lock
SQL Reverse engineering
lock
stored procedures
lock
Case Study 1 : DATAMART
lock
Case Study 2 : DATA BANK
lock
Case Study 3: Texture Tales
lock
Neural Networks & Computer Vision
lock
Neural Network Videos
lock
1-DL intro
lock
2-ANN
lock
3-Into Perceptron
lock
4-Perceptron & weigths & biases
lock
4.1-notebook In Kaggle
lock
5-Coding Perceptron-1
lock
6-Perceptron learning_2
lock
7-Perceptron learning animation_3
lock
8-MLP
lock
9-Activation Function_Sigmoid
lock
10-More Activation Functions
lock
11-Some more sctivation functions
lock
12-important theory on activation function
lock
13-Loss in Regression
lock
14-Loss in Classification
lock
15-keras framework
lock
16-important keras modules
lock
17-solving binary classification problem using MLP
lock
18-solving multi classClassification problem using MLP
lock
19-solving regression problem using MLP
lock
20-using different optimizers
lock
21-evaluationg results of different optimizers
lock
22-Into CNN's
lock
23-Into CNN-1
lock
24-CNN-2
lock
25-CNN-3-extended
lock
26-CNN-4-extended
lock
27-CNN-5-final
lock
Neural Network Assignments
lock
TensorFlow Fundamental
lock
Building Blocks of Neural Network
lock
Activation Functions in Neural Network
lock
Forward and Backward Propagation
lock
Training Neural Network
lock
Loss Function
lock
Optimizers & Types of Gradient
lock
Regularization Techniques
lock
Python Oops
lock
Neural Network From Scratch
lock
PyTorch Fundamentals(Optional)
lock
Computer Vision Videos
lock
1-Image_Basics(openCv)
lock
2-Pixels_work
lock
3-draw-to-understand-coordinated
lock
4-manipulating_pixels
lock
5-Image_channels
lock
Computer Vision Assignment
lock
CNN Introduction Tutorial
lock
Introduction to CNN
lock
Image Preprocessing Tutorial
lock
Image Data Pre-Processing
lock
Fit Generator Tutorial
lock
CNN With Fit Generators
lock
Transfer Learning Tutorial
lock
Transfer Learning
lock
AlexNet Tutorial
lock
AlexNet
lock
VGG16 Tutorial
lock
VGG-16
lock
Erosion and Dilation
lock
Face Detection Pet Project
lock
OpenCV
lock
YOLO Tutorial
lock
Image_Segmentation Tutorial
lock
Image Segmentation
lock
DeOldify Tutorial
lock
GAN Tutorial
lock
NLP
lock
1.1 : tokenization
lock
1.2 : lemmatization
lock
1.3 : stemming
lock
1.4 : stopwords
lock
1;5 : stopword_notebookproblem
lock
Basics of NLP
lock
1.6 : Basics NLP Explanation Video
lock
2.1 : BOW
lock
2.2 : countvectorizer
lock
2.3 : tf-idf
lock
2.4 : ngrams
lock
2.5 : pos
lock
Converting Words into vectors (Basics)
lock
2.6 : Converting Words into Vectors Explanation Video
lock
3.1-wordembedding
lock
3.2 : gensim
lock
3.3 : word2vec
lock
Converting Words Into Vectors (Advanced)
lock
3.4 : Converting Words into Vectors Advanced Explanation Video
lock
4.1 : Introduction To Sentimental Analysis
lock
Sentiment Analysis
lock
4.2 : Sentiment Analysis Explanation Video
lock
5.1 : AF
lock
5.2 : sigmoid
lock
5.3 : tanh
lock
5.4 : RELU
lock
5.5 : softmax
lock
5.6 : ann
lock
ANN
lock
5.7 : ANN Explanation Video
lock
6.1 : RNN
lock
6.2 : Types_of_RNN
lock
6.3 : practical_example_on_rnn
lock
RNN
lock
6.4-RNN_Assign_Explanation
lock
7.1 : RNN_LIMITATION
lock
7.2 : LSTM
lock
LSTM
lock
7.3-LSTM_Assign_Explanation
lock
8.1 : GRU
lock
8.2 : BILSTM
lock
GRU & Bidirectional LSTM
lock
8.3-GRU_LSTM_Assign_Explanation
lock
9.1 : Transformers
lock
Encoder, Decoder & Transformer
lock
9.2-Transformer_Assign_Explanation
lock
10.1 : BERT
lock
10.2 : Bert-Tokeniser
lock
Bert
lock
10.3_Bert_Assign_Explanation
lock
11.1-Topic Modelling
lock
11.2-Topic Modelling Implementation
lock
Autocorrect
lock
12-Autocorrect Explanation
lock
Time Series
lock
timeseries files+dataset link
lock
Video 1- Introduction to time series
lock
Video 2 - Time Series Decomposition
lock
Video 3- Simple Models for Time Series
lock
Video 4- Simple Exponential Smoothing
lock
Video 5- Holt_s Method
lock
Video 6- Stationarity and Lag
lock
Video 7- Covariance _ Correlation
lock
Video 8 - Unit Test _ ADF Test
lock
Video 9- Differencing of Time Series
lock
Video 10 -ACF _ PACF
lock
Video 11- ARIMA
lock
Video 12- SARIMA
lock
Video 13- SARIMAX
lock
Video 14- ANN
lock
Video 15- CNN
lock
Video 16- LSTM
lock
Introduction To Time Series
lock
Introduction To Time Series Explanation Video
lock
STATIONARITY
lock
STATIONARITY Explanation Video
lock
ACF & PACF
lock
ACF & PACF Explanation Video
lock
ARIMA
lock
ARIMA Explanation Video
lock
Auto ARIMA, SARIMA & SARIMAX
lock
Auto ARIMA, SARIMA & SARIMAX Explanation Video
lock
Model Selection
lock
Model Selection Explanation Video
lock
VARMA
lock
Autoregressive ML Models
lock
Autoregressive Explanation Video
lock
ANN for Time Series Forecasting
lock
CNN For Time Series Forecasting
lock
LSTM For Time Series Forecasting
lock
Deep Learning Projects
lock
Dog-Cat Classification Project
lock
VIRUS MNIST
lock
Humpback Whale Identification
lock
Sound Classification
lock
Anime Face Generation using GAN
lock
Language Translation Using Transformer
lock
Email Classification Using Bert
lock
Text Generation with RNN
lock
Anime Recommender System
lock
Product Recommender Based On Sentiment Analysis
lock
Retail Sales Prediction
lock
Chatbot
lock
Human Activity Recognition
lock
Video 1 : HAR Problem Statement
lock
Video 2 : Dataset Description(HAR)
lock
Project Submission(HAR)
lock
Video 3 : HAR Dataset Loading
lock
Video 4 : HAR Dataset Cleaning
lock
Video 5 : Exploratory Data Analysis HAR
lock
Video 6 : Segmentation using t-sne
lock
Video 7 : HAR Classical ML Approach
lock
Video 8 : HAR Using LSTM
lock
Flower Classification
lock
Video 1 : Flower Classification Problem Explanation
lock
Project File And Submission For Flower Classification
lock
Video 2 : Flower Classification Using CNN
lock
Project File And Submission For Resnet
lock
Video 3 : Flower Classification Using Resnet
lock
Video 4 : Deploying Resnet Using GRADIO
Preview - Data Science Combo Course
Discuss (
0
)
navigate_before
Previous
Next
navigate_next