This Repo has all the codes for my YouTube Channel
- ๐ฆ TWITTER: https://twitter.com/rohanpaul_ai
- โ๐จโ๐งโ KAGGLE: https://www.kaggle.com/paulrohan2020
- ๐จ๐ปโ๐ผ LINKEDIN: https://www.linkedin.com/in/rohan-paul-b27285129/
- ๐จโ๐ป GITHUB: https://github.com/rohan-paul
- ๐ค Substack : https://rohanpaul.substack.com/
- ๐งโ๐ฆฐ FACEBOOK: https://www.facebook.com/rohanpaulai
- ๐ธ INSTAGRAM: https://www.instagram.com/rohan_paul_2020/
-
FineTuning BERT for Multi-Class Classification on custom Dataset
-
Document STRIDE when Tokenizing with HuggingFace Transformer for NLP Projects
-
Fine-tuning of a PreTrained Transformer model - what really happens to the weights (parameters)
-
Cerebras-GPT New Large Language Model Open Sourced with Apache 2.0 License
-
Roberta-Large Named Entity Recognizition on Kaggle NLP Competition with PyTorch
-
Zero Shot Multilingual Sentiment Classification with PyTorch Lightning
-
Fine Tuning Transformer (BERT) for Customer Review Prediction | NLP | HuggingFace
-
Understanding BERT Embeddings and Tokenization | NLP | HuggingFace
-
Adding a custom task-specific Layer to a HuggingFace Pretrained Model
-
Debarta-v3-large model fine tuning for Kaggle Competition Feedback-Prize | NLP
-
FinBERT Sentiment Analysis for very Long Text (more than 512 Tokens) | PART 2
-
FinBERT Sentiment Analysis for very Long Text Corpus (more than 512 Tokens) | PART-1
-
Cosine Similarity between sentences with Transformers HuggingFace
-
Zero Shot Learning - Cross Lingual Named Entity Recognition with XLM-Roberta
-
Understanding Word Vectors usage with Spacy Word and Sentence Similarity
-
Named Entity Recognition NER using spaCy - Extracting Subject Verb Action
-
Fine-Tuning-DistilBert - Hugging Face Transformer for Poem Sentiment Prediction | NLP
-
Fine Tuning BERT-Based-Uncased Hugging Face Model on Kaggle Hate Speech Dataset
-
Feature-Engineering-with-Stock-Exchange-Dataset | and LGBM Model to get Most Important Features Set
-
LGBM (LightGBM) Model on TimeSeries Data of Cryptocurrency Prices | Crypto with Machine Learning
-
Feature Engineering for Bitcoin Time Series | Prediction with XGBoost
-
Bitcoin Price Prediction with FB Prophet | Time Series with Machine Learning
-
FB Prophet - Analyze How Holidays affect a Time Series Forecast | Time Series with Machine Learning
-
XGBoost for Time Series | Forecast Consumption Demand with Machine-Learning
-
Bitcoin Prediction - FB-Prophet outperforms ARIMAX, XGBOOST & LSTM
-
28. Bitcoin Price Prediction with LSTM (Tensorflow and Keras)- PART-2
-
25. Bitcoin Price Prediction with LSTM (Tensorflow and Keras)- PART-1
-
24. Get BitCoin and other Cryptocurrency Historic Data For Free with Python
-
23 Extract Stock Market Data with yfinance for free and Tesla Stock Prediction
-
DCGAN from Scratch with Tensorflow - Create Fake Images from CELEB-A Dataset
-
DCGAN's Generator Function - Understand Filter Size, Input Shape
-
PyTorch Wasserstein GAN (WGAN) with Gradient Penalty from scratch
-
PyTorch ConditionalGAN (Generative Adversarial Networks) from Scratch
-
DCGAN from Scratch with Tensorflow - Create Fake Images from CELEB-A Dataset
-
PyTorch | Inception-v4 (PreTrained) - Aerial Image Segmentation
-
Mean-IoU (Intersection over Union) in Object Detection | Semantic Segmentation
-
Hausdorff Distance used in Object Detection | Semantic Segmentation
-
Detectron-2 Object Detection - Apply Bounding Boxes in 2 Minutes | Deep Learning
-
57. GoogLeNet / Inception v1 Paper Implementation From Scratch with PyTorch
-
42. EfficientNet Pre-Trained with PyTorch - Covid-19 X-Ray Dataset
-
61. Learning Rate Scheduler | PyTorch | Implementing Custom Scheduler for CycleGAN
-
53. Plotting Activation Functions PyTorch | Sigmoid | ReLU | Tanh
-
52. Input Shape of Tensor for PyTorch Neural-Network - Conv-Layer and-Linear-Layer
-
50. Cross Entropy Loss in PyTorch and its relation with Softmax
-
48. Get Total Number of Parameters in a PyTorch Neural Network Model
-
46. Label Smoothing Cross-Entropy-Loss from Scratch with PyTorch
-
40. Image Augmentation with Albumentation - Kaggle TensorFlow Great Barrier Reef Dataset
-
31. Understanding Shi-Tomasi Corner Detection Algorithm with OpenCV and Python
-
30. Understanding Harris Corner Detection Algorithm with OpenCV Python
-
29. Python Image Processing - Grayscale Conversion and Brightness Increase from Scratch Python
-
26 ๐ฃ๐ฎ๐ฝ๐ฒ๐ฟ ๐๐ ๐ฝ๐น๐ฎ๐ถ๐ป๐ฒ๐ฑ - ๐๐๐ฒ๐ ๐ง๐ฒ๐น๐น ๐๐น๐น - ๐๐ฒ๐๐ฒ๐ฐ๐ ๐๐ฎ๐ธ๐ฒ ๐๐ ๐ด๐ฒ๐ป๐ฒ๐ฟ๐ฎ๐๐ฒ๐ฑ ๐ณ๐ฎ๐ฐ๐ฒ๐ ( ๐๐ผ๐บ๐ฝ๐๐๐ฒ๐ฟ ๐ฉ๐ถ๐๐ถ๐ผ๐ป / ๐๐๐ก๐ )
-
14. GFP GAN Paper with Python code to restore resolution of old Photos
-
15 Keras Custom Layers and Fundamental Building Blocks For Training Model
-
11. Tensorflow Mixed Precision Training - CIFAR10 dataset Implementation
-
Bidirectional LSTM for Kaggle Competition(Ventilator Pressure Prediction) | PyTorch.
-
22. Predict Transaction Value of Bank Customer - Kaggle Santander Challenge.
-
7. Kaggle - Gravitational Wave Detection EDA and Baseline Keras Model
-
12. Codewars Python Solution - 6kyu - Format words into Sentence
-
4. Useful Python Script - remove special character from files and folder names
-
2. Python - Replace string in File and Directory names recursively
-
5. Bayes Theorem in Probability implementation - simple Data Science Interview question
-
3. Probability Density Function for Discrete and Continuous Random Variable in context of Data Science