You are on page 1of 77

Python

1. Programming Fundamentals
- Variables and Data Types Basic operations.
- Conditional Statements
- Loops
- Functions
2. Data Structures
- Lists
- Dictionaries
- Tuples
- Sets
- Range
- String
3. File Handling
4. Exception Handling
5. Modules and Packages
- Math and Random
- Tkinter
- Date and time
- OS
- JSON
- Sockets
- Sys
6. Advanced Control Flow
- List Comprehensions
- Generators
- Iterator
- Decorator
7. Object-Oriented Programming (OOP)
- Classes and Objects
- Inheritance and Polymorphism
- Data Abstraction
- Metaclasses
8. Kwargs, args, Magic method and Assert
9. Functional Programming
- Higher Order Function
- Lambda Function
- Map, Filter, and Reduce
10. Database Integration
- SQL and Databases
11. Concurrency and Parallelism
- Threading and Multiprocessing
12. Advanced Topics
- C Extensions
- Understand interfacing Python with C for performance.
- Memory Management
- Learn about garbage collection, memory optimization, and profiling.
- Virtual Environments
- Requirement.txt
Linear Algebra
1. Basics of Linear Algebra
- Scalars, Vectors and Matrices
- Vector Addition and Scalar Multiplication
- Matrix Operations
- Matrix addition
- Subtraction
- Multiplication
- Transposition
2. Vector Spaces and Subspaces
- Vector Space Properties
- Subspaces
- Characteristics
3. Linear Transformations
- Linear Transformation Definition
- Linear transformations are and how they work.
- Transformations in 2D and 3D
- Visualize
4. Eigenvalues and Eigenvectors
- Eigenvalues and Eigenvectors
- Diagonalization
5. Matrix Factorizations
- LU Decomposition
- Singular Value Decomposition
6. Matrix Calculus
- Matrix Derivatives
- Gradient Descent

7. Linear Systems and Equations


- Gaussian Elimination
- Inverse and Solving Ax = b
8. Orthogonality and Projections
- Orthogonal Vectors and Subspaces
- Orthogonal Projection
9. Principal Component Analysis
- PCA Fundamentals
- Eigenvalue Decomposition for PCA
Calculus
1. Basics of Calculus
- Differentiation and Integration
- Limits and Continuity
2. Differentiation
- Derivative Definition
- Rules of Differentiation
- Power rule
- Product rule
- Quotient rule
- Chain rule
3. Applications of Differentiation
- Optimization
- Rate of Change
4. Integration
- Integral Definition
- Definite and Indefinite Integrals

5. Techniques of Integration
- Integration by Substitution
- Integration by Parts
6. Applications of Integration
- Area under a Curve
- Volumes of Solids
7. Multivariable Calculus
- Partial Derivatives
- Double and Triple Integrals
8. Gradient, Divergence, and Curl
Probability
1. Basic Concepts
- Sample Space and Events
2. Probability Rules and Laws
- Addition and Multiplication Rules and Conditional probability
- Complementary Events
3. Probability Distributions
- Discrete Probability Distributions
- Continuous Probability Distributions
4. Conditional Probability and Independence
- Independence
- Independent and dependent events.
5. Bayes' Theorem and Applications
- Bayes' Theorem
- Medical Tests
- used in medical tests and diagnostic accuracy.
6. Random Variables and Expectation
- Random Variables and their distribution
- Expectation and Variance
7. Probability Mass and Density Functions
- Probability Mass Function
- Probability Density Function
8. Joint and Marginal Distributions
- Joint Probability Distributions
- Marginal and Conditional Distributions
9. Transformation of Random Variables
- Transformation Technique
- Distribution of Sum of Random Variable
10. Central Limit Theorem and Sampling Distribution
- Central Limit Theorem
- Sampling Distribution
11. Hypothesis Testing and Confidence Intervals
- Statistical Inference
- Bootstrap Resampling
12. Probability in Machine Learning
- Naive Bayes Classifier
- Probabilistic Models
Statistics
1. Introduction to Statistics
- Basic Concepts
- Population
- Sample
- Variables
- Data types and measurements
- Descriptive vs. Inferential
2. Descriptive Statistics
- Measures of Central Tendency
- Measures of Dispersion
- Percentiles and Quartiles
3. Data Visualization
- Histograms and Frequency Plots
- Box Plots
- Scatter Plot
4. Types of statistical test
- Chi-square test
- Student test
- Mann Whitney U test
- Wilcoxon signed rank test
- Friedman test
- Sign test
- Fisher exact test
- Z - test
- Mcnemar’s test
- Non-parametric statistics
- F-test
- Levene’s test
- Kolmogorov smirnov test
- Paired t-test
- Two sample t-test
- William Sealy Gosset
5. Statistical Distribution
- Normal distribution
- Binomial distribution
- Poisson distribution
- Bernoulli distribution
- Exponential distribution
- Student t- distribution
- Uniform distribution
- Gamma distribution
- Log normal distribution
- Beta distribution
- Chi-squared distribution
- Weibull distribution
- Multinomial distribution
- Discrete uniform distribution
- Multimodal distribution
- F- distribution
- Cauchy distribution
- Pareto distribution
- Stable distribution
- Multivariate distribution
- Symmetric probability distribution
- Laplace distribution
- Dirichlet distribution
- Continuous distribution
6. Estimation and Confidence Intervals
- Point Estimation
- Confidence Intervals
7. Hypothesis Testing
- Null and Alternative Hypotheses
- Significance Level and P-values
8. Comparing Two Groups
- T-Tests
- Effect Size
9. Analysis of Variance (ANOVA)
- One-way ANOVA
- Two-way ANOVA
10. Correlation
- Correlation Coefficient
13. Time Series Analysis
- Time Series Components
- Moving Averages and Exponential Smoothing
14. Bayesian Statistics
- Bayesian vs. Frequentist Approaches
- Bayesian Inference
MySQL
1. Understand Databases
- Introduction to Databases
- Tables
- Rows
- Columns
- Their relationships
2. Basic SQL Concepts
- SQL Syntax
- SELECT
- INSERT
- UPDATE
- DELETE
- Data Types
3. Create and Manage Databases
- CREATE Database
- ALTER Database
- DROP Database
4. Create and Manage Tables
- CREATE Table
- ALTER Table
- DROP Table
5. Data Manipulation
- INSERT
- UPDATE
- DELETE
6. Retrieving Data
- SELECT
- WHERE
- ORDER BY
- JOIN.
7. Data Filtering and Sorting
- WHERE
- ORDER BY
8. Data Aggregation and Grouping
- GROUP BY
- Aggregate Functions

9. Joins and Relationships


- INNER JOI
- LEFT JOIN and RIGHT JOIN
- Foreign Keys
10. Indexing and Optimization
- Indexes
- Query Optimization
11. Stored Procedures and Functions
- Stored Procedures
- Functions
12. Transactions and ACID Properties
- Transactions
- ACID Properties
13. Backup and Recovery
- Backup
- Recovery
14. Advanced Topics
- Views
- Triggers
NumPy
1. Introduction to NumPy
- Array Creation
2. Array Operations
- Indexing and Slicing
- Array Arithmetic
3. Broadcasting
- Broadcasting Rules
4. Array Functions
- Mathematical Functions
- Aggregation Functions
5. Array Manipulation
- Reshaping Array
- Concatenation
6. Universal Functions (ufuncs)
- Ufuncs
- Vectorization
7. Indexing with Boolean Arrays
- Boolean Indexing and Filtering
8. Broadcasting and Fancy Indexing
- Fancy Indexing
- Broadcasting
9. File I/O with NumPy
- Loading and Saving Data
10. Advanced Topics
- Structured Arrays
- Storing and manipulating heterogeneous data
- Memory Management
- How NumPy handles memory and data storage
11. Linear Algebra with NumPy
- Matrix Operations
Pandas
1. Data Manipulation
2. Pandas Basic
- Importing Data
3. DataFrame Creation and Exploration
- DataFrame Basics
- Indexing and Selecting Data
4. Data Cleaning and Preprocessing
- Handling Missing Data
- Data Transformation
- renaming
- Columns
- dropping duplicates
- converting data types
5. Data Filtering and Sorting
- Filtering Rows and Columns
- Sorting Data
6. Grouping and Aggregation
- Groupby
- Aggregation Functions

7. Merging and Joining DataFrame


- Concatenation
- Merging
8. Pivot Tables and Reshaping Data
- Pivot Tables
- Data Reshaping
9. Time Series Data Handling
- Date and Time Functions
- Resampling
10. Advanced Topics
- Hierarchical Indexing
- Custom Functions
Matplotlib
1. Basic Plots with Matplotlib
- Line Plots
- Scatter Plot
2. Customizing Plots
- Labels and Titles
- Legends
- Color and Style
3. Subplots and Layouts
- Subplots
- Grid Layouts
4. Bar Plots and Histograms
- Bar Plots
- Histograms
5. Pie Charts and Box Plots
- Pie Charts
- Box Plots
6. Advanced Plots
- Heatmaps
- 3D Plots
7. Time Series Visualization
- Time Series Plots
8. Geographic Data Visualization
- Geographical Plots
9. Animations and Interactive Plots
- Animations
- Interactive Plots
Seaborn
1. Seaborn Basics
- Seaborn Overview
- Importing and Dataset Loading
2. Basic Plots with Seaborn
- Distribution Plots
- Pair Plots
3. Customizing Seaborn Plots
- Styling Plots
- Color Palettes
4. Categorical Data Visualization
- Categorical Plots
5. Relational Plots and Heatmaps
- Relational Plots
- Heatmaps
6. Regression and Linear Models
- Regression Plots
7. FacetGrid and Subplots
- FacetGrid
- Subplots
8. Time Series Visualization
- Time Series Plots
9. Advanced Topics
- Joint Distribution Plots
- PairGrid and Pairplot Customization
10. Seaborn and Matplotlib Integration
EDA
1. Univariate analysis
2. Bivariate analysis
3. Multivariate analysis
Scikit-Learn
1. Data Preprocessing
- Data Cleaning
- Handling missing values
- Mean, Median and Mode
- Forward fill
- Backward Fill
- Interpolation
- Hot deck Imputation
- K-nearest neighbour
- Multiple imputation
- Regression imputation
- Random forest imputation
- Deep learning imputation
- Model based imputation
- Data augmentation
- Expectation maximization
- Listwise Deletion (complete case analysis)
- Outlier detection and removal
- Visual inspection
- Z-score (Standard deviation method)
- Modified Z score
- IQR
- Tukey’s Fences
- Local Outlier Factor
- Isolation forest
- DBSCAN
- Deleting data point
- Capping or Winsorizing
- Transformation (eg. Log, sqrt)
- Data Truncation
- Robust Regression
- Data type conversion
- Feature scaling technique
- Standardization (Z score Normalization)
- Min max scaling
- Max abs scaling
- Robust Scaling
- Normalization (L2)
- Log Transformation
- Square root Transformation
- Power Transformation
- Quantile Transformation
- Binarization
- Percentile Transformation
- Rank Transformation
- Unit vector scaling
- Min max scaling with zero handling
- Cluster based scaling
- Softmax scaling
- Remove duplicate
- Handling inconsistent data
- Binning and Discretization
- Normalization of text data
- Handling class imbalance
- Handling skewed target variables
- Data partitioning
- Handling noisy data
- Handling sparsity data
- Encoding categorical variables
- Time series data cleaning
- Dealing with collinearity
- Data Normalization
- Handling Data Skewness
- Feature Engineering Technique
- One hot encoding
- Label encoding
- Binary encoding
- Dummy encoding
- Weight of evidence encoding
- Cat Boost encoding
- Helmert encoding
- Polynomial encoding
- Hashing encoding
- Frequency encoding
- Target encoding (mean encoding)
- Ordinal encoding
- Target guided ordinal encoding
- Probability ratio encoding
- Backward difference encoding
- Leave one out encoding
- James Stein encoding
- M-estimator encoding
- Thermometer encoder
- Binning and Discretization
- Integration features
- Polynomial features
- Time based feature
- Count encoding
- Aggregation
- Domain specific feature
- Geospatial Feature
- Cross validation feature
- Frequency features
- Remove Multicollinearity
2. Supervised Learning
- Regression
- Linear regression
- Decision trees
- Random forests
- Support vector machines
- Classification
- Logistic regression
- K-nearest neighbors
- Decision trees
- Random forests
- Support vector machines
- Naive Bayes
- Multilayer Perceptron

3. Model Evaluation and Regularization technique


- Evaluation Metrics
- Train test split
- K – fold cross validation
- Stratified k-fold cross- validation
- Leave one out cross validation
- Shuffle split cross validation
- Hold out validation
- Bootstrap sampling
- Nested cross validation
- Time series cross validation
- AUC
- MAE
- MSE
- RMSE
- R squared
- MAPE
- Confusion matrix
- Accuracy
- Precision
- Recall
- F1-score
- ROC curves
- Regularization technique
- L1 regularization
- L2 regularization
` - Elastic net regularization
- Dropout
- Data Augmentation
- Early stopping
- Weight Decay
- Batch Normalization
- Gradient Clipping
- Data Dropout
- Mix-up
- Label smoothing
- Drop connect
- Max norm regularization
- Sparsity penalty
- Knowledge distillation
- Adversarial Training
- Mix match
- Temporal Smoothing
- Variance scaling
4. Hyperparameter Tuning
- Grid Search
- Random Search
- Bayesian Optimization
- Genetic algorithms
- Particle swarm optimization
- Stimulated Annealing
- Bayesian optimization with Gaussian process
- Tree structured Parcen estimations
- Hyperband
- Population based training
5. Model Selection and Pipelines
- Model Selection
- Train-test split and validation sets
- Pipelines
6. Unsupervised Learning
- Clustering
- K-means
- Hierarchical clustering
- DBSCAN
- Auto encoders
- Gaussian Mixture models
- Dimensionality Reduction
- Principal Component Analysis (PCA)
- T-SNE
- SVD
- ICA
- UMAP
7. Ensemble Methods
- Voting ensemble
- Bagging and Boosting
- Random forests
- AdaBoost
- Random forest
- Gradient boosting
- Stacking
8. Model Persistence and Deployment
- Model Serialization
- Deployment
9. Handling Imbalanced Data
- Imbalanced Classes
- Techniques to handle imbalanced datasets
- Oversampling and undersampling.
10. Text Data and Feature Extraction
- Text Vectorization
- TF-IDF
- CountVectorizer
11. Advanced Topics
- Pipeline Customization
- Model Interpretability
12. Semi –supervised learning algorithms
- Self training
- Co training
- GANs
13. Reinforcement learning algorithms
- Q learning
- Deep Q learning
- Policy gradient optimization
- Proximal policy optimization
- Deep deterministic policy gradient
14. Association rule learning algorithms
- Apriori algorithms
- Eclat Algorithms
15. Time series forecasting algorithms
- ARIMA
- STL
- LSTM
- Prohet
Keras
1. Deep Learning Concepts
- Neural networks
- Activation functions
- Loss functions
2. Introduction to Keras
- Keras Overview
- Backend Selection
- Choose a backend engine (TensorFlow or Theano) for Keras.
3. Building Neural Networks
- Sequential Models
- Layers API
- Dense layers
- Convolutional layers
- Recurrent layers
- Base layer
- Activations layer
- Layer weight initializers
- Layer weight regularizes
- Layer weight constraint
- Core layer
- Pooling layer
- Normalization Layer
- Regularization layer
- Attention Layer
- Reshaping Layers
- Merging Layer
- Layer activations
- Activation Functions
- ReLU
- Sigmoid
- Tanh
- Leaky ReLU
- Parametric ReLU
- Exponential Linear unit
- Scaled exponential Linear unit
- Swish
- Softmax
- Gated Recurrent unit
- Scaled Tanh
- Softplus
- Softsign
- Gaussian Activation
- ArcTan
- Maxout
- Identity
- Hard Tanh
- Bent Identity
- Symmetric
- Thresholded ReLU
4. Training Neural Networks
- Loss Functions
- MSE
- RMSE
- MAE
- Huber loss
- Log loss (Binary cross entropy)
- Categorical cross entropy
- Sparse categorical cross entropy
- Kullback Leibler Divergence
- Hinge loss (SVM Loss)
- Squared hinge loss
- Absolute margin loss
- Poisson loss
- Quantile loss
- Smooth L1 loss
- Cosine embedding loss
- Triplet loss
- Contrastive loss
- Wasserstein loss
- Center loss
- Focal loss
- Dice Loss
- Custom loss functions

- Optimizers
- SGD
- RMSprop
- Adam
- Adadelta
- Adagrad
- Adamax
- Adafactor
- Nadam
- Ftrl
- SG
- Mini batch gradient descent
- Nesterov accelerated gradient
- LBFGS
- Conjugate Gradient
- Proximal Gradient descent
- Bayesian optimization
- Newton’s method
- Quasi-Newton methods
- Simulated annealing
- Coordinate descent
- Evolutionary algorithms
- Particle swarm optimization
- Trust region methods
- Natural gradient descent
- Callbacks
- Early stopping
- Model checkpointing
- Learning rate scheduler
- Backup and restore
- Tensor board
- ReduceLROnPlateau
- Lambda callback
- Terminate on NAN
- CSVLogger
- ProgbarLogger
- Base callback class
5. Model Evaluation
- Accuracy metrics
- Accuracy class
- Binary Accuracy class
- Categorical accuracy class
- Sparse categorical Accuracy class
- TopK cateforical accuracy class
- Sparse topk categorical accuracy class
- Probabilistic metrics
- Binary cross entropy class
- Categorical cross entropy class
- Sparse categorical entropy class
- KLDivergence class
- Poisson class
- Regression metrics
- Mean squared error class
- Root mean squared error class
- Mean absolute error class
- Mean absolute percentage error class
- Mean squared logarithmic error class
- Cosine similarity class
- Logcosh error class
- Classification metrics based on True / False positives and negatives
- AUC class
- Precision class
- Recall class
- True positive class
- True negative class
- False positive class
- False negative class
- Precision at recall class
- Sensitivity at specificity class
- Specificity at sensitivity class
- Image segmentation metrices
- MeanIoU class
- Hinge metrics for ‘ maximum-margin’ classification
- Hinge class
- Squared Hinge class
- Categorical Hinge class
6. Transfer Learning and Pretrained Models
- Transfer Learning
- Fine-Tuning
7. Custom Layers and Models
- Functional API
- Custom Layers
8. Data Augmentation
- Image Augmentation
- ImageDataGenerator
9. Hyperparameter Tuning
- Grid Search and Random Search
10. Saving and Loading Models
- Model Serialization
11. Working with Text Data
- Text Preprocessing
- Embedding Layers
12. Recurrent Neural Networks (RNNs)
- RNN Layers
- SimpleRNN
- LSTM
- GRU.
- Sequence Data
13. Convolutional Neural Networks (CNNs)
- Convolutional Layers
- Image Classification
14. Advanced Topics
- Custom Loss Functions and Metric
- Callbacks Customization
OpenCV
1. Introduction to Computer Vision and its applications.
2. OpenCV Basics
- OpenCV Overview
- Image Loading and Display
3. Image Manipulation and Processing
- Image Transformation
- Resizing
- Rotating
- cropping images
- Color Space Conversion
4. Image Filtering and Enhancement
- Image Filtering
- blurring
- sharpening
- edge detection
- Histogram Equalization
5. Feature Detection and Description
- Corner Detection
- Harris corner detection
- Shi-Tomasi corner detection
- Feature Description
- SIFT
- SURF
- ORB
6. Image Segmentation
- Thresholding
- Contour Detection
7. Object Detection and Recognition
- Haar Cascades
- Deep Learning Models
- YOLO
- SSD
8. Image Stitching and Panorama Creation
- Image Stitching
9. Camera Calibration and 3D Reconstruction
- Camera Calibration
- 3D Reconstruction
10. Video Processing and Analysis
- Video Capture Stream
- Optical Flow and motion analysis
TensorFlow
1. Introduction to TensorFlow
- TensorFlow Overview
- Tensors
NLTK
1. NLTK Basics
- NLTK Overview
- Corpora and Resources
2. Text Processing with NLTK
- Converting to lower case
- Removal of HTML tags
- Removal of URLs
- Removing Numbers
- Converting Numbers to words
- Apply spelling correction
- Convert accented characters to ASCII characters
- Converting chat conversion words to Normal words
- Expanding contractions
- Removal of emoji
- Removal of Emoticons
- Converting emoji to words
- Removing of punctuations or special character
- Removing of frequent words
- Removing of rare words
- Removing of single characters
- Removing of extra whitespace
- Standardizing Text
- Building a text preprocessing pipeline
- Tokenization
- Stop Words
3. Feature Engineering Technique
- POS Tagging
- Tokenization
- Stemming and Lemmatization
- N- grams
- Bag of words
- Term frequency inverse document frequency
- Word embedding
- Word2vec
- Doc2vec
- Word Frequency
- Named entity recognition
- Dependency parsing
- Sentiment analysis
- Topic modeling
- Text length
- Text density
- Syntactic density
- Word shape feature
- Text clustering
- Glove
- Fast Text
- Character level feature
- Entity based features
- Chunk based features
- Language models
- Converting text to feature using OHE
- Generating co-occurrence matrix
- Hash vectorising
4. Text classification
5. Text summarization
6. Concordance and Collocations
- Concordance
- Collocations
7. WordNet and Lexical Resources
- Synonyms and Antonyms
- Find synonyms and antonyms using WordNet.
8. Text Analytics and Frequency Distributions
- Frequency Distributions
9. Advanced Topics
- Semantic analysis
- Extracting Noun Parsing
- Finding similarity between texts
- Cosine similarity
- Euclidean distance
- Jaccard Similarity
- Edit distance (Levenshtein distance)
- Word embedding
- Doc2vec
- Word mover’s distance
- TF-IDF weighting
- LDA topic model
- Siamese network
- Bert embedding
- Siamese Bert
- Universal sentence encoder
- WordNet based methods
- Topic modeling
- Bilingual word embedding
- Contextual similarity models
10. Extracting the data
- Collecting data from pdf
- Collecting data from word files
- Collecting data from JSON
- Collecting data from HTML
- Parsing text using Regex
- Handling string
- Scrapy text from the web
Convolutional Neural Networks
1. Neural Networks
- Forward propagation
- Backpropagation
2. Introduction to CNN
- Structure of CNN
3. Fundamentals of CNNs
- Convolution and Pooling
- Feature extraction
- Pooling layers
- Convolutional Arithmetic
- Dimensions and calculations involved in convolution operations.
4. Building and Training CNNs
- Architecture Design
- Study the architecture of CNNs including
- Input layers
- Convolutional layers
- Pooling layers
- Fully connected layers.
- Training Data
- Loss Functions and Optimizers
5. Transfer Learning
6. Advanced CNN Techniques
- Data Augmentation
- Spatial Pyramids and Global Average Pooling
- Attention Mechanism
7. Object Detection and Segmentation
- Faster R-CNN and SSD
- Mask R-CNN
8. Interpreting CNNs
- Visualization
- Saliency Maps
Recurrent Neural Networks

1. Introduction to RNN
2. Fundamentals of RNN
- Sequential Data
- Concept of sequences
- Time steps
- How RNN are suitable for sequential data
- Recurrent Neurons
- Architecture of recurrent neurons
- How they maintain memory across time steps
- Vanishing and Exploding Gradients
3. Types of RNN
- Vanilla RNN
- Architecture
- Limitations
- LSTM (Long Short-Term Memory)
- GRU (Gated Recurrent Unit)
4. Training and Backpropagation through Time (BPTT)
- Backpropagation
- Gradient Clipping
5. Applications of RNN
- Language Modeling
- Generating text
- Predicting the next word in a sentence
- Sequence Classification
- Sentiment analysis
- Named entity recognition
- Sequence-to-Sequence Models
- Machine translation and speech recognition
6. Challenges and Solutions
- Sequence Length Handling
- Bidirectional RNNs
- Attention Mechanisms
7. Advanced Topics
- Transformers
- BERT
Generative Adversarial Network
1. Introduction to GAN
2. Vanilla GAN
- Generator and Discriminator Networks
- Loss Functions
- Training Process
3. Variations of GAN
- DCGAN
- CGAN
- WGAN
- CycleGAN Study CycleGAN
4. Advanced GAN
- StyleGAN
- StyleGAN2
- BigGAN
- Progressive Growing GAN (PGGAN)
5. Applications and Use Cases
- Image Generation
- Image-to-Image Translation
- Turning day images into night images
- Sketches into colorful images
- Text-to-Image Synthesis
- Super-Resolution
- For enhancing image resolution
6. Challenges and Improvements
- Mode Collapse
- Evaluation Metrics
- Inception Score
- Fréchet Inception Distance
- Regularization Technique
- Gradient penalty and spectral normalization for improving GAN stability
7. Research and Extensions
- Explore Extension
- VAE-GAN
- InfoGANs
- Adversarial Autoencoders
Natural Language Processing
1. Basic Linguistics
- Syntax
- Semantics
- Morphology
- Phonetics
2. Introduction to NLP
3. Foundations
- NLTK and spaCy
- Text preprocessing
- Tokenization
- Part-of-speech tagging
- Named entity recognition
- Regular Expressions
- Text Classification
- Naive Bayes
- SVM
- Deep learning
4. Intermediate NLP
- Word Embeddings
- Word2Vec
- GloVe
- FastText
- Sequence-to-Sequence Models
- Machine translation and text generation
- Sentiment Analysis
- Named Entity Recognition (NER)
5. Advanced NLP
- Transformer Models
- BERT
- GPT
- Pre-trained Models
- Language Generation
- Text generation using techniques like GPT-3 and reinforcement learning
- Conversational AI
- Chatbots and conversational agents using frameworks like Rasa or
Dialogflow
6. Specialized NLP Areas
- Speech Recognition
- Google's Speech Recognition API or Mozilla's DeepSpeech
- Information Retrieval
- Efficient search and retrieval of information from text data
- Multilingual NLP
- Ethical Considerations
Computer Vision
1. Image Processing Fundamental
- Image Representation
- Pixels
- Color channel
- Basic Image Manipulation
- Resizing
- Cropping
- Rotating
- Image Filtering
- Blurring
- Sharpening
- Edge detection.
- Histograms
- Contrast adjustments
- Pixel transforms
- Color transform
- Linear filtering
- Non-Linear Filtering
- Interpolation
- Visual properties
- Position
- Size
- Shape
- Orientation
- Color
- Value
- Pixel color manipulation
- Color change with pixel position
- Color change with pixel distance
- Color change with trigonometric function

2. OpenCV and Basic Techniques


- Feature Detection and Description
- Harris corner detection
- SIFT
- SURF.
- Image Segmentation
- Thresholding
- Contour detection
- Watershed segmentation.
3. Feature Extraction and Representation
- Histogram of oriented Gradient
- Scale invariant feature transform
- Speeded up robust feature
- Local binary pattern
- Color Histogram
- Color moment
- Gabor filter
- Edge detection
- Corner detection
- Histogram of intensities
- Bag of visual words
- CNN
- Feature pyramid network
- Spatial pyramid pooling
- Deep residual network
- Auto encoders
- PCA
- Independent component analysis
- Spatial Transformers
- Capsule Networks
- GLCM
- Local Feature Descriptors
- ORB
- BRISK
- FREAK.
- Deep Learning
4. Object Detection and Tracking
- Object Detection
- Haar cascades
- Faster R-CNN
- YOLO
- SSD
- Object Tracking
- Kalman filters
- Mean-Shift
- Correlation-based tracking.
5. Image Classification and Recognition
- Deep Learning for Classification
- Transfer Learning
- Data Augmentation
6. Semantic Segmentation and Instance Segmentation
- Semantic Segmentation
- U-Net
- DeepLab.
- Instance Segmentation
- Mask R-CNN
7. Generative Models and Style Transfer
- Generative Adversarial Networks (GANs)
- Neural Style Transfer
8. Advanced Topics
- 3D Computer Vision
- Depth estimation
- Structure from motion
- 3D reconstruction.
- Motion Analysis
- Effect with moving images
- Mosaic effect
- Slit scan effect
- Scrolling effect
- Visualization in 3D
- Frame differencing
- Background removal
- Corner detection
- Sparse optical flow
- Feature matching
- Feature detection
- Face detection
- People detection
- Optical flow estimation
- Motion-based object tracking
- Multi-modal Fusion
9. Feature selection method
- Filter methods
- Variance Thresholding
- Chi-square test
- Information Gain
- Wrapper Methods
- Recursive feature elimination
- Forward selection
- Backward selection
- Embedded methods
- L1 regularization
- L2 regularization
- Tree based methods
- Genetic algorithms
- Sequential floating forward selection
- Cluster based feature selection
- Random projection
- Correlation based feature selection
- Relief algorithms
- Sequential feature selection algorithms
- Laplacian score
- Sparse regression
- Recursive feature addition
10. Image preprocessing technique
- Resizing
- Flipping
- Rotation
- Translation
- Cropping
- Bitwise operation
- masking
- Splitting and merging channels
- Normalization
- Gray Scale conversion
- Binarization with Thresholding
- Simple Thresholding
- Adaptive Thresholding
- Otsu’s Binarization
- Histogram equalization
- Color space conversion
- Noise reduction using smoothing and blurring
- Mean filtering or Average Filtering
- Gaussian Filtering
- Median filtering
- Bilateral filtering
- Gradient and Edge detection
- Sobel Derivatives
- Laplacian Derivatives
- Canny edge detection
- Rotation and Affine Transformation
- Geometric Transformation
- Data augmentation
- Contrast and Brightness Adjustment
- Masking
- Segmentation
- Image registration
- Foreground and background separation
- Histogram matching
- Super resolution
- Imprinting
- Line detection
- Contour processing
- Finding the contours
- Bounding Box
- Minimum area rectangle
- Convex hull
- Polygon approximation
- Testing a point in contour
- Checking intersection
Power BI
1. Data Sources and Connection:
- Data Sources: Understand the types of data sources Power BI can connect to
(databases, Excel files, APIs, etc.).
- Data Connection: Learn to connect to and import data into Power BI.

2. Data Transformation and Cleaning:


- Data Query Editor: Explore Power Query Editor for transforming, cleaning, and
shaping data.
- Data Modeling: Learn about creating relationships, calculated columns, and
measures.

3. Data Visualization:
- Building Visuals: Create different types of visuals like tables, charts, maps, and
more.
- Visualization Best Practices: Understand principles of effective data
visualization and design.

4. Interactive Dashboards:
- Dashboard Creation: Combine visuals into interactive dashboards.
- Interactivity: Learn to use slicers, filters, and drill-through for interactive
exploration.

5. DAX (Data Analysis Expressions):


- DAX Basics: Understand DAX formulas for creating calculations and
measures.
- Time Intelligence: Learn DAX functions for handling time-related calculations.
6. Advanced Data Modeling:
- Hierarchies: Create and manage hierarchies for improved data analysis.
- Advanced Relationships: Explore bi-directional, many-to-many, and cross-
filtering relationships.

7. Data Insights and Storytelling:


- Quick Insights: Use Power BI's Quick Insights feature to automatically generate
insights.
- Report Storytelling: Learn how to create compelling data-driven narratives in
your reports.

8. Power Query M Language:


- M Language: Dive deeper into the Power Query M language for advanced data
transformations.

9. Power BI Service and Sharing:


- Publishing Reports: Publish reports to the Power BI Service for sharing and
collaboration.
- Sharing and Collaboration: Learn about sharing options and collaboration
features.

10. Power BI Mobile:


- Mobile Reports: Create reports optimized for mobile devices using Power BI
Mobile.

11. Data Security and Governance:


- Row-level Security: Implement row-level security to restrict data access based
on user roles.
- Data Gateway: Understand the use of on-premises data gateways for securely
connecting to data sources.

12. Advanced Topics:


- Power BI Embedded: Explore embedding Power BI reports and dashboards into
web applications.
- Custom Visuals: Learn about creating and using custom visuals in Power BI
Django
1. Prerequisites:
- Basic HTML and CSS

2. Introduction to Web Development:


- Basic Web Concepts: Learn about HTTP, URLs, and how the web works.
- Client-Server Architecture: Understand the interaction between clients and
servers.

3. Basics of Django:
- Installation: Set up Django on your local environment.
- Project and App
- Django Admin

4. Models and Databases:


- Model Definition
- Database Migrations
- Querying the Database

5. Views and Templates:


- Views: Define views that handle HTTP requests and return responses.
- URLs and Routing: Map URLs to views using URL patterns.
- Templates: Learn to use Django's template language to render dynamic content.
6. Forms and User Authentication:
- Forms: Create forms for user input and validation.
- User Authentication: Implement user registration, login, and logout
functionalities.

7. Static and Media Files:


- Static Files: Manage static assets like CSS, JavaScript, and images.
- Media Files: Handle user-uploaded files like images and documents.

8. Advanced Concepts:
- Middleware: Understand how middleware works in Django for processing
requests and responses.
- Class-Based Views: Learn to use class-based views for better code
organization.
- Authentication and Authorization: Implement role-based access control and
permissions.

9. APIs and Django Rest Framework:


- APIs: Learn about building RESTful APIs using Django.
- Django Rest Framework: Use DRF to simplify API development and
documentation.

10. Testing and Deployment:


- Unit Testing: Write tests for your Django applications.
- Deployment: Deploy your Django application to a hosting service like Heroku
or AWS.
11. Security and Performance:
- Security Best Practices: Understand security considerations and implement
protection against common vulnerabilities.
- Caching: Learn about caching techniques to improve application performance.
Model Deployment
1. Understand Model Deployment
2. Model Selection and Training:
- Choose a Model
- Data Preprocessing
- Model Training
3. Evaluation and Validation:
- Performance Metrics
- Validation
4. Model Serialization:
- Save Model
- Pickling (Python)
5. Choose a Deployment Approach:
- Local Deployment
- Cloud Deployment
6. Containerization:
- Docker
- Docker Images
7. Web Application Deployment:
- Web Framework
- API Development
- HTML/CSS/JavaScript
8. Cloud Services for Deployment:
- Heroku, AWS, Azure, Google Cloud
- Serverless Deployment
9. Security and Authentication:
- Security Measures
- Authentication
10. Scalability and Performance:
- Load Balancing
- Caching
11. Monitoring and Logging:
- Monitoring
- Logging
12. Model Versioning:
- Version Control
- Model Updates
13. Continuous Integration/Continuous Deployment (CI/CD):
- CI/CD Pipeline
- Testing
14. A/B Testing and Monitoring:
- A/B Testing
- Feedback Loop
Data Structures and Algorithms
1. Data Structures:
- Arrays and Lists
- Stacks and Queues
- Hashing
2. Searching and Sorting:
- Binary Search
- Sorting Algorithms
3. Recursion and Backtracking:
- Recursion
- Backtracking
4. Trees and Graphs:
- Binary Tree
- Graphs
5. Dynamic Programming:
- Concepts
- Memoization and Tabulation
6. Advanced Data Structures:
- Heaps and Priority Queues
- Trie
7. Advanced Algorithms:
- Divide and Conquer
- Greedy Algorithms
- Graph Algorithm
8. Analysis of Algorithms:
- Time and Space Complexity
- Big O Notation
9. Code Optimization
Grammar
1. Noun
- Common noun
- Proper noun
- Countable vs uncountable
- Singular vs Plural
2. Pronoun
- Personal Pronoun
- Demonstrative pronoun
- Possessive pronoun
- Reflexive pronoun
3. Verbs
- Action verbs
- Linking verb
- Regular verb
- Verb tense
- Verb agreement
4. Adjectives
- Descriptive
- Comparative and superlative
- Demonstrative
5. Adverbs
- Adverbs of time, place, manner, degree
- Comparative vs superlative
6. Articles
- Definite
- Indefinite
- Zero
7. Preposition
- Common preposition
- Preposition of time, place, and direction
8. Conjunction
- Co-ordinate conjunction
- Sub coordination
9. Interjection
- Common interjection
10. Gerunds and infinitive
- Gerunds on subject and object
- Gerunds with and without To
11. Particle
- Present particles
- Past Particles
12. Modal Verbs
13. Conditional Sentences
- Zero conditional
- First conditional
- Second conditional
- Third conditional
14. Passive and active voice
15. Narration
16. Relative Clause
- Defining Relative Clause
- Non- defining relative clause
17. Subjunctive mood
- Unreal situation
- Use of subjunctive in formal expression
18. Adverb clause
- Time clause
- Reason clause
- Purpose clause
- Result clause
19. Noun clause
- Function as subject, object or complement
20. Ellipse
- Function as subject, object or complement
21. Inversion
- Subject verb inversion in question
- Negative adverbial inversion
21. Cleft sentences
- It-cleft
- Wh-cleft
22. Conditional perfect
- Mixed conditional sentences
23. Gerund vs Infinite (advance usage)
24. Vocabulary (50000)
Quant
1. Arithmetic
2. Algebra
3. Inequalities and absolute values
4. Function, Formulas and Sequences
5. Fraction and Decimals
6. Percent
7. Divisibility and Primes
8. Exponents and Roots
9. Number Properties
10. Word Problems
11. Two variable word problems
12. Rates and Work
13. Variables in the choices problems
14. Ratios
15. Averages, Weighted averages, Median and mode
16. Standard Deviation and Normal Deviation
17. Probability, combination and overlapping
18. Data Interpretation
19. Polygon and rectangle solids
20. Circle and Cylinders
21. Triangles
22. Coordinate Geometry
23. Mixed Geometry
24. Advance Quant
 Git and GitHub
 Operating System
 DBMS
 Heruko
 Streamlit
 COA
 Computer Network
 Aptitude
 Linux

You might also like