Skip to content

Want to Learn Ai,DataScience, Learn from my Experience - Math's, Python, DataAnalysis, MachineLearning, FeatureSelection, FeatureEngineering, ComputerVision, NLP, RecommendedSystem, Spark, PySpark, AWS, Deployment, CI/CD

Notifications You must be signed in to change notification settings

MvMukesh/Manralai-AiCareerMaster

Folders and files

NameName
Last commit message
Last commit date

Latest commit

Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 

Repository files navigation

text

πŸ”΅ Aggregating Data Science : My NewsletterπŸ“©Manralai : AI Career Master

This repository serves as a comprehensive log of my contributions to the field of data, as well as a testament to my unwavering commitment to making complex concepts accessible to others through clear and concise explanations


This is Mukesh Manral

πŸ”΄Statistics

Intension of analysis.png

Framework to Select Statistical Test

choose_stats_test.png

Statistics Understant these Basics(will update)
πŸ“™ Descriptive Statistics * Measure of Frequency and Central Tendency
* Measure of Dispersion
* Probability Distribution
* Gaussian Normal Distribution
* Skewness and Kurtosis
* Continuous and Discrete Functions
* Goodness of Fit
* Normality Test
πŸ“™ Inferential Statistics * t-Test & it's Types
* z-Test
* Hypothesis Testing
* Typr-I & Type-II Error
* One way ANOVA
* Two way ANOVA
* Chi-Square Test
Statistical Test's for Data Science in Python Link

πŸ”΄ 0 to Python

Pyton Guide + Video Link
πŸ“™ Python - Guide & Playlist YT Playlist + Guide
πŸ“™ Python - Patterns Practice YT Private Playlist
πŸ“™ Python - Functions & OOP's YT Private Playlist
πŸ“™ Learn Python the Applied Way YT Playlist + Notebook
πŸ“™ Python Project Outline Private Code

πŸ”΄Python to Expert

Pyton Guide + Video Link
πŸ“™ Algorithms - LeetCode Crux Private Link
πŸ“™ Python - Data Structure and Algorithm Foundation Private Link
πŸ“™ Python - Data Structure & TimeComplexities Crux Private Link
πŸ“™ Asymptotic Notations [Big-O,Omega,Theta] Crux Private Link
πŸ“™ Python Data Structure - Array,Strings Private
πŸ“™ Python Coding Interview Questions Private
πŸ“™ Python Quick Revision Private
πŸ“™ Python Interview Questions Private
πŸ“™ Python-RevisionQuestions Private

πŸ”΄Data Analysis

chart_selection.png chart_selection1.png

Data Analysis Code + Blog Link
πŸ“™ Mapping Business Problem into Data Science Problem Private Link
πŸ“™ Answer to --> How to Perform EDA Private Link
πŸ“™ Evaluation Metrics (Supervised Learning) Private Link

πŸ”΄Machine Learning

Imbalanced Binary Classification Metrices Guide

imbalance_metrices.png sampling_techniques.png

Machine Learning Code Blog - Video Link
πŸ“™ Machine Learning Life Cycle Private Link
πŸ“™ Simple to understand ML framework Link
πŸ“™ Problem Solving[Mapping Business Problem to Data Science Problem] Private Link
πŸ“™ First Classificaton + Regression Models - How to?? When to?? of Modeling Private Link
πŸ“™ Logistic Regression Derivation(Probabilistic,Geometric,Loss Interpretations) Private Link
πŸ“™ Linear Regression derivation Private Link
πŸ“™ Linear Regression Hypothesis + interview questions Link
πŸ“™ Linear Regression implementing Cost Function Link
πŸ“™ Multiple Linear Regression (Basic) Link
πŸ“™ Polynomial Regression (Basic) Link
πŸ“™ Advance Linear Regression + GridSearchCV + HyperParameterTuning(Basic) Link
πŸ“™ K-NN Deriving Private Link
πŸ“™ k-NN Algorithm-1 (Basic) Link
πŸ“™ k-NN Algorithm-2 (Basic) Link
πŸ“™ Propose Saving Options for for India based Poultry Farm having spending of appx 22 billion Link+KPI's
πŸ“™ Mastering Dimensionality Reduction Techniques Link
πŸ“™ PCA application you must know things Link PCA - Second Principal Component have to be orthogonal to first one? See Why!
πŸ“™ PCA application step by step - 2 Link PCA-1, PCA-2
πŸ“™ Vehicle Loan Default Prediction [EDA + Model] Link
πŸ“™ Decision Tree Derivation Private Link
πŸ“™ Decision Tree end2end + HyperparameterTuning Link
πŸ“™ Decision Tree Questions Private Link
πŸ“™ Bagging(ensemble_concept[RF-ExTree]) Link
πŸ“™ Employees-earnings (Model comparison, EDA many more) Link
πŸ“™ SVM Link

πŸ”΄Feature Engineering

Feature Engineering Code + Blog Link
πŸ“™ Creating New Features Link
πŸ“™ Imputation (categorical,numerical) + Handling Outliers (standard deviation,percentile) + Scaling (normalization, standardization) + Binning + Encoding Categorical Variable + Featur Encoding (integer,onehot)) Link
πŸ“™ Variable Transformation (Square Root, Reciprocal, Logarithmic, Exponential\Power Transformation Link
πŸ“™ DateTime Engineering Link

πŸ”΄Deep Learning

dl timeline.png State of the Art Object Detection Timeline usage image 1&2 stage detection YOLO Family.png YOLO Family evolution table

Deep Learning Code + Blog Link
πŸ“™ kNN to Parameterised Learning Link
πŸ“™ Deep Learning & Perceptron Trick Private Link
πŸ“™ Implementing Neural Network using NumPy from Scratch Private Link
πŸ“™ Keras Functional Models Link
πŸ“™ Hyper Parameter Tuning + Activation Functions + Selecting Right Activation Function + Optimizer + Loss, Error, Cost Functions + Project(Keras): Loan Prediction + Project: Image Classification(Emergency Vs Non-Emergency Vehicle) using NN Private Link
πŸ“™ Gradient Descent from Scratch Link
πŸ“™ SGD with Momentum from Scratch Link
πŸ“™ Weight Initialisation Techniques Link
πŸ“™ Activation Functions Link
πŸ“™ Loss Functions Link
πŸ“™ Optimizers & Fast Optimizers Link
πŸ“™ Regularization : Avoiding Overfitting Update Private Link
πŸ“™ Improving Deep Neural Networks: Hyperparameter Tuning,Regularization & Optimization Link
πŸ“™ Applying KerasTuner & Dropout Link
πŸ“™ More Implementation Link
πŸ“™ Neural Network + ANN-Application-3 projects Link
πŸ“™ Loan Prediction Using Neural Network in Keras Link
πŸ“™ TensorFlow2.x & CNN Link
πŸ“™ CNN - ConvNet Link
πŸ“™ CNN on Cifar10 Link
πŸ“™ Image Captioning using Keras Link
πŸ“™ TransferLearning AlexNet-(2012) - Classification Link
πŸ“™ TransferLearning VGGNet-(2014) - Classification Link
πŸ“™ TransferLearning ResNet-(2015) - Classification Link
πŸ“™ Object Detection Basics Link
πŸ“™ Deep Into Object Detection Private Link
πŸ“™ Regional CNNs differeces (R-CNN, Fast R-CNN, Faster R-CNN) Link
πŸ“™ R-CNN - Object Detection Link
πŸ“™ Fast R-CNN - Object Detection Update Link
πŸ“™ Faster R-CNN - Object Detection Link
πŸ“™ SSD - Single Shot Detector
πŸ“™ YOLO - Single Shot Detector
πŸ“™ SceneClassificatio(On-places365_small) Link


Scene Classification Algos : Mostly used ones

  • ResNet is used by Google for scene classification in its image search engine
  • EfficientNet is used by Facebook for scene classification in its photo tagging system
  • MobileNet is used by Snapchat for scene classification in its augmented reality filters
  • InceptionNet is used by Microsoft for scene classification in its Azure Cognitive Services
Algorithm Strengths Weaknesses Best suited for
ResNet Accurate, efficient, and robust to noise. Can be computationally expensive to train. Large datasets and complex scene classification tasks.
VGGNet Very accurate, but computationally expensive. Can be overfitting to small datasets. Medium-sized datasets and simple scene classification tasks.
GoogleNet Accurate and efficient, but not as robust to noise as ResNet. Can be overfitting to small datasets. Medium-sized datasets and simple scene classification tasks.
DenseNet Accurate and efficient, but can be overfitting to small datasets. Medium-sized datasets and simple scene classification tasks.
InceptionNet Very accurate, but computationally expensive. Can be overfitting to small datasets. Large datasets and complex scene classification tasks.
Xception Accurate and efficient, but not as robust to noise as ResNet. Medium-sized datasets and simple scene classification tasks.
MobileNet Very efficient, but not as accurate as some of the other algorithms. Mobile devices and other resource-constrained environments.
EfficientNet Accurate and efficient, but can be overfitting to small datasets. Medium-sized datasets and simple scene classification tasks.

While choosing an algorithm for Scene Classification, consider following factors:

  • Size and complexity of the dataset: More complex algorithms, such as ResNet and InceptionNet, typically require larger datasets to train effectively
  • Computational resources available: Some algorithms, such as VGGNet and InceptionNet, can be computationally expensive to train and run
  • Specific application: For example, if algorithm will be deployed on a mobile device, then a lightweight and efficient algorithm, such as MobileNet or EfficientNet, may be best choice


Object Detection Algos : Mostly used ones

  • YOLO is used by Google for object detection in its self-driving car project
  • EfficientDet is used by Facebook for object detection in its video surveillance system
  • Faster R-CNN is used by Amazon for object detection in its warehouse automation system
  • Cascade R-CNN is used by Microsoft for object detection in its Azure Cognitive Services
  • Mask R-CNN is used by Tesla for object detection in its self-driving car project
  • SwinT and ViT are still under development
Algorithm Strengths Weaknesses Best suited for
YOLO Fast, accurate, can be deployed on mobile devices May not be as accurate as other algorithms for complex tasks Real-time object detection, object detection on mobile devices
SSD Fast, accurate, efficient use of computational resources May not be as accurate as other algorithms for complex tasks Real-time object detection, object detection on resource-constrained devices
EfficientDet Fast, accurate, efficient use of computational resources May not be as accurate as other algorithms for complex tasks Real-time object detection, object detection on resource-constrained devices
Faster R-CNN Accurate, can be scaled to different sizes and speeds Can be slower than other algorithms Object detection on high-performance devices
Cascade R-CNN Very accurate, can be scaled to different sizes and speeds Can be slower than other algorithms Object detection on high-performance devices for complex tasks
Mask R-CNN Accurate, can segment objects in images Can be slower than other algorithms Object detection and segmentation on high-performance devices


πŸ”΄Computer Vision + OpenCV CNN CheatSheet

Computer Vision Code + Blog Link
πŸ“™ Image Transformation : (Pixel Manipulation, Getting & Setting Pixels, Image Translation, Rotation, Interpolation Methods and comarison, Fliping, Croping, Arithmetic, Bitwise, Masking, Channels Splitting & Merging ) Link
πŸ“™ Image Processing Techniques : (Image Enhancement,Image Restoration,Image Segmentation,Object Detection,Image Compression,Image Manipulation,Image Generation,Image-to-Image Translation) Link
πŸ“™ Image Processing Operations : (Morphological Operations, Smoothing & Blurring, ColorSpaces, Thresholding, Adaptive Thresholding, Kernels, Image gradient-Shobel & Scharr Kernels, Canny Edge Detection, Automatic Edge Detection) Link
πŸ“™ Morphological Operations(OpenCv) Link
πŸ“™ Phases of Image Processing, using flow_from_directory Link
πŸ“™ Image Histograms Link
πŸ“™ OpenCV-Building Glasses Filter Link
πŸ“™ Neural Networks & Parameterized Learning Link

πŸ”΄NLP : RNN Cheatsheet

RNN architectures depending on task

  • Recurrent Neural Networks (RNN)
    • Vanilla RNN
    • Long Short-term Memory (LSTM) -- NOTE: Understant this and all otehr are just variation
    • Peephole LSTM
    • Gated Recurrent Unit (GRU)
    • Bidirectional LSTM (Bi-LSTM)
    • Stacked LSTM
  • Attention
    • Seq2seq with Attention
    • Self-attention
    • Multi-head Attention
  • Transformer
    • Step 1. Adding Positional Encoding to Word Embeddings
    • Step 2. Encoder: Multi-head Attention and Feed Forward
    • Step 3. Decoder: (Masked) Multi-head Attention and Feed Forward
    • Step 4. Classifier

NLP Code + Blog Link
(NLP Basics-1) : Tokenization,Lemmatization,Stemming,BOW,TF-IDF,
N-Gram,POS,Word Embedding(Word2Vec),Gensim,CBOW,SkipGram,FastText
Link
(NLP Basics-2 Implementation) : (TextDataPreprocessing,ToLower,
RemoveHTML,RemovePunctuations,HandlingChat,
IncorrectTextHandling,StopWordRemoval,HandlingEmoji,
Tokenization,RegularExpression,Stemmer,Lemmatization,TextRepresentation,BOW,N-gram,TF-IDF)
Link
Textual Evaluation Metrics(CER & WER),(Perplexity),(BLEU),(GLUE) Private Link
RNN Baics(short term memory), Types, Problems and Solutions Link
RNN Maths+Implementation Link
RNN Architecture + Embedding Link
LSTM Link
RNN_LSTM_GRU Implementation + HyperBand Link
GAN's from Scratch Link
Transformers Private Link

πŸ”΄Recommender System

Recommender System Code + Blog Link
πŸ“™ Recommendation System Basic-(surprise_library) + All Why,What,When not, When to covered + Maths Covered +Project: Movie Recommendation(Non Personalised Recommender Systems using Count of Ratings (4 & above) + Weak Personalisation using Gender Information) + Personalised Recommender Systems + Collaborative Filtering & Types + Application of User-Based Collaborative Filtering from Scratch + Application of User Based Collaborative Filtering using [ Surprise Library ] + [ Scalability Challange ] for User Based Collaborative Filtering + Item-Based Collaborative Filtering + Implementation Item-Based Collaborative Filtering + Challenges for Neightbourhood Based Methods + Rating Prediction using [ Matrix Factorization with SVD ] + in progress Link
πŸ“™ Why Business (H&M) cares about Product Recommendation?? Link
πŸ“™ End to End Recommender System Link

πŸ”΄Spark Ecosystem

Spark Ecosystem Code + Blog Link
πŸ“™ Spark Ecosystem(Big Data + Apache Hadoop[HDFS,YARN,MapReduce] + Spark Ecosystem[Architecture,Cluster Manager,Running application - Locally and on YARN,SparkContext vs SparkSession,spark Dataframe+Execution]+spark sql api+spark ml) Link

πŸ”΄AWS

AWS Blog Link Video Link
πŸ“™ Cloud Computing(AWS) Blog YT Play List
πŸ“™ AWS Sagemaker Blog YT Play List

πŸ”΄Deployment

Deployment Code + Blog Link Video Link
πŸ“™ Deploy ML + Dl models using Colab & AWS Link ---

πŸ”΄MLOps

mlops_cicd

Connect With me

🎈AI NewsLatter
🎈LinkedIn


Β© 2023 Mukesh'Manral Powered by Manralai.in

About

Want to Learn Ai,DataScience, Learn from my Experience - Math's, Python, DataAnalysis, MachineLearning, FeatureSelection, FeatureEngineering, ComputerVision, NLP, RecommendedSystem, Spark, PySpark, AWS, Deployment, CI/CD

Topics

Resources

Stars

Watchers

Forks

Releases

No releases published

Packages

No packages published