Audio-to-Audio, Feature Extractionlg...
Demo of the Encodec paper proposes a model for audio compression, which takes an audio signal as input and produces a compressed representation of the signal.
Published: 08/03/23
Image Classificationlg...
Session 4 on CNN, ViT, GAN and Some practical concepts. Video and PDF attached with the published project.
Published: 07/26/23
Image Classificationlg...
This is part of the Deep learning course series by DEQUE AI. A simple example of a vanilla neural network on FashionMNIST dataset.
Published: 07/19/23
Reinforcement Learninglg...
In this example we implement a simple Deep Reinforcement Learning solution for the classic CartPole problem. We implement a custom reward function and then we use three different strategies to strike a balance between exploration and exploitation and use DQN to approximate Q-values:
- Epsilon greedy exploration
- Noisy Networks
- Thompson Sampling
Published: 03/29/23
In this project, the Transformer architecture is applied to detect and pinpoint objects. The dataset used is Caltech 101 from the Caltech library. Following the research published in 2021 “An Image is Worth 16*16 Words”, this project will implement a similar architecture to detect objects. Using the self-attention mechanism on patches of images is a way to derive attention maps which help focus on what is relevant in the image.
Published: 03/25/23
This is an LSTM Seq2Seq model for Machine Translation. This is to compare earlier performance with Transformers.
Published: 03/09/23
Application for deep learning engineer role at Deque.ai.
Published: 03/07/23
Exploring "Attention is all you need" research paper (Transformer architecture) with machine translation from English to French.
Published: 03/02/23
RNN, LSTM, and Transformer comparisons
Published: 03/01/23
Audio Generation with AudioLDM
Published: 02/21/23
This is a image captioning task. I compared RNN and LSTM and handcrafted adding image features to LSTM in a different way.
Published: 02/13/23
This project solved a 6D pose estimation problem in computer vision. The pipeline is to first use a segmentation network (e.g., U-Net) to segment all objects in an image, and then use a learning-based method, ICP (iterative closest point)to estimate the pose for each segmented object
Published: 02/13/23
Image Classificationlg...
This notebook is about performing an image classification task and examining the impact of data augmentation using a Generative Adversarial Network.
Published: 02/05/23
This notebook is about understanding and training a conditional Generative Adversarial Network for image generation.
Published: 02/05/23
Image Classificationlg...
This is a very simple, kind and easy-learning project for users who just start to learning computer vision or deep learning.
Published: 02/04/23
Image Classificationlg...
Image classification model on the CIFAR10 dataset using Convolutional Neural Networks
Published: 01/30/23
Deformable lung image registration with a Dice score over 0.9 with only 10 Epochs
Published: 01/12/23
Single click distributed training using pytorch
Published: 12/30/22
Single click distributed training using Tensorflow
Published: 12/29/22
Udacity - Deep Learning - Part 4 -Classifying Fashion-MNIST in pytorch
Published: 12/19/22
Udacity Deep Learning - Pytorch - Part 3 - Training Neural Networks in Pytorch
Published: 12/19/22
Udacity Deep Learning - Pytorch - Part 2 Neural Networks in Pytorch
Published: 12/19/22
Udacity Deep Learning Nano Degree - Pytorch - Part 1 - Intro to Tensors in pytorch
Published: 12/19/22
Tabular Classificationlg...
In this notebook we will train a scikit-learn and a cuML Random Forest Classification model. Then we save the cuML model for future use with Python's pickling mechanism and demonstrate how to re-load it for prediction. We also compare the results of the scikit-learn, non-pickled and pickled cuML models.
Published: 12/15/22
Image Classificationlg...
This Project does a custom object detection using YOLO model. The trained model was used to develop a tracking algorithm.
Published: 12/02/22
This book is a unique walk through for all aspirants that look forward to grasp the idea of supervised learning from scratch. This book shows the use of various metrics and hyper parameter tuning. Also this book sheds light into application of classifiers like KNN and so on... Happy learning....
Published: 12/02/22
This notebook is a basic operational procedure of statistical understanding of data and associated operations using numpy and pandas. Would be a great help for beginners to better understand the concepts in detail
Published: 12/02/22
The project is a simple elaboration of the concept of object detection from the tensorflow website.
Published: 12/02/22
Image Classificationlg...
This project represents a computer vision problem and solution with respect to activity recognition. The presented notebook is an example of a successfully compiled one that was able to identify activities from the predefined activities on recorded videos. The dataset used for the learning was UCF 50. All the methods including downloading and utilising the dataset is elaborated in the code base.
Published: 12/02/22
Built in MLFlow integration
Published: 11/09/22
Tensorflow MultiNode training
Published: 11/05/22
Tensorflow distributed training on multiple nodes
Published: 10/31/22
Built in Tensorboard Viewer
Published: 10/28/22
Convnext
Published: 10/28/22
Q&A with pytorch
Published: 10/27/22
Vtoonify in action
Published: 10/27/22