This repository is a 300-day coding challenge focused on vision technologies. The repository serves as a comprehensive log of the journey, providing insights into the progress and evolution of skills. Get ready for 300 days of coding excitement, challenges, and triumphs in the universe of computer vision!
Welcome to my 300-day coding challenge focused on vision technologies! This repository documents my daily coding efforts in the realm of computer vision, encompassing tasks such as semantic segmentation, object detection, classification, reinforcement learning, and GANs. I will also be solving DSA problems from LeetCode on some days to improve my python skills. The 300 days would also include some general python based projects to showcase and improve my skills. The goal is to actively code for at least 1 hour a day for 300 days in the year 2024.
Project Title | Description | Framework | Comments | ||
---|---|---|---|---|---|
1 | LunaNet3D | 3D medical image analysis for lung nodule detection using the LUNA16 dataset | PyTorch | Working on data preprocessing, transformations, and visualizations | 🟢 |
2 | Road Sign Classifier | Multiclass classification of road sign images | PyTorch | Building training and tracking pipelines from scratch | 🟠 |
3 | Human Action Recognition | Video-based multiclass classification of human actions | TensorFlow | In Progress: training baseline models | 🟠 |
🟠 : On Pause
🟢 : In Progress
🟣 : Complete
2024-06-20
- Task Description:
- Updated the training loop to use precision, recall, and F1 metrics in tracking and logging for both training and validation.
- Implemented early stopping based on the best balanced F1 score.
- Added dynamic tracking of difficulty and confidence scores, refining how these scores are updated for each sample.
- Included the updated metrics in the log files for each epoch.
Embark on a thrilling 300-day coding odyssey, a quest where every day is a new adventure in the realm of computer vision and deep learning. Join me on this exciting journey of practical coding tasks, where each day unfolds with hands-on challenges, research paper implementations, and real-world problem-solving.
Here's what makes this challenge an epic adventure:
-
Hands-on Coding: Dive deep into practical coding tasks, from implementing cutting-edge research papers to tackling real-world problems head-on.
-
Continuous Learning: Embrace a culture of lifelong learning, exploring new concepts, algorithms, and frameworks in the dynamic field of vision technologies.
-
Beyond Boundaries: Explore the frontiers of computer vision and deep learning, pushing the limits with projects that go from semantic segmentation to GANs, reinforcement learning, and more.
-
Building a Robust Portfolio: Craft a comprehensive portfolio of projects and code snippets, showcasing not just skills, but the journey of growth and innovation.
-
Progressive Learning: Witness the evolution of skills as each day adds new layers of expertise, building a solid foundation and demonstrating continuous improvement.
-
Meaningful Contributions: Connect, collaborate, and share insights with a growing community of enthusiasts, making this journey a collective exploration of the fascinating world of vision technologies.
-
DailyLogs: Daily log and description of task undertaken.
-
Projects: Repositories and subfolders containing individual projects, each focused on a specific aspect of vision technologies.
-
CodingChallenges: Code snippets or solutions from coding challenges, providing a mix of practical coding skills and problem-solving capabilities.
-
YOLOv3 Implementation:
- Focused on debugging and refining YOLOv3 components, including the loss function, target assignment, and bounding box handling.
- Resolved dataset generation issues and verified mask populations, ensuring accurate object detection assignments across scales.
- Successfully aligned image dimensions with grid sizes and tested loss calculations component-wise, progressing toward a robust YOLOv3 implementation.
-
LunaNet3D Data Pipeline Enhancements:
- Implemented a balanced data loader with dynamic sampling, adaptive augmentation, and difficulty-based sampling.
- Reduced training times significantly by optimizing GPU utilization and caching strategies, achieving 20 minutes per epoch for the minimal model.
- Addressed issues in batching, indexing, and augmentation, culminating in the successful training of baseline and minimal models with custom data loaders.
-
MLOps with ZoomCamp:
- Completed Week 3 assignments on orchestration, covering pipeline development, experiment tracking, and model management.
- Overcame Docker setup challenges and fine-tuned workflows for effective orchestration.
- Implemented MLflow logging for model and artifact tracking in both local and containerized environments.
-
Paper-to-Code Repository Organization:
- Refactored and organized the repository with a master README, individual project documentation, requirements files, and environment setups.
- Enhanced clarity and modularity, making the repository easier to navigate and extend for future projects.
-
LeetCode Practice:
- Completed a series of SQL-based problems, strengthening query optimization and logical reasoning skills.
- Solved problems on topics like employee bonuses, customer orders, and data aggregation.
- Efficient Pipelines: Streamlined LunaNet3D and YOLOv3 workflows with improved data loaders, augmentation strategies, and debugging.
- Scalable MLOps Practices: Applied foundational concepts of orchestration and experiment tracking to real-world setups.
- Repository Management: Enhanced organization and documentation for long-term usability and professional presentation.
- Consistent Skill Development: Balanced technical learning with coding problem-solving to maintain diverse skill sets.
Archived 30-Day Sprints
-
Luna-Net3D-Archived Data Validation and Visualization: An intensive focus on ensuring data quality and alignment, developing scripts for voxel-to-lung validation, boundary checks, and comparative plotting of aligned and misaligned nodules in both 2D and 3D. This phase was crucial for cleaning up the dataset and ensuring accurate annotations.
-
YOLOv3 Paper Implementation: Started implementing YOLOv3 from scratch based on the original paper to understand the architecture of YOLO and its layers. YOLO’s object detection architecture is an excellent candidate for applying nodule detection to the Luna-Net3D-Archived dataset. The work involved coding the layers, training on preliminary data, and drafting detailed notes on implementation.
-
Exploring MLOps with ZoomCamp: Completed Weeks 1 and 2 of the MLOps ZoomCamp course, covering foundational MLOps concepts, experiment tracking, and model management with MLflow. Weekly modules included hands-on exercises, implementing experiment tracking, and setting up a model registry to organize experiments and streamline model development.
-
Data Preprocessing and Augmentation for Luna-Net3D-Archived: Developed effective data transformations and resizing methods to improve data loading and training speeds. This involved extensive exploration of TorchIO for 3D data augmentation, implementing padding, resizing, and balancing methods, and tackling augmentation-related debugging challenges.
-
LunaNet3D - Medical Image Preprocessing: Delved into data preprocessing, manipulation, and visualization of the LUNA16 dataset. This sprint involved detailed exploration of medical images, working on CT scan fundamentals, and generating insightful 3D visualizations to better understand the dataset. I tackled tasks like thresholding, segmentations, and transformations.
-
Graph Neural Networks (GNNs) with PyG: Completed various tasks with GNNs using PyTorch Geometric (PyG), such as node and graph classification, understanding spectral graph convolutions, and working on point cloud classification using PointNet++. Key projects included GAT models and link prediction on the MovieLens dataset.
-
LeetCode DSA Practice: Strengthened problem-solving skills by solving LeetCode problems on topics such as permutations, binary search, and array manipulations. Continued sharpening algorithmic thinking with hands-on exercises in preparation for coding interviews.
-
3D Object Detection: Explored 3D object detection by implementing models like Frustum PointNets and VoteNet. These models are key for real-time object detection in 3D environments, using point cloud data and voxel representations to enhance object recognition capabilities.
-
Implementing Vision Transformer (ViT) from Scratch: Developing a deep understanding of the ViT architecture and translating theoretical concepts into functional code to create a ViT model using PyTorch.
-
Training a Semantic Segmentation Model with Open3D: Leveraging the Open3D library to train a semantic segmentation model on the SemanticKITTI dataset, involving data loading, transformation, and visualization tasks.
-
Exploring Classic Control Tasks for Reinforcement Learning: Delving into classic control environments to understand Markov Decision Processes (MDP), Temporal Difference (TD) learning, and Q-learning, implementing these concepts in Python using reinforcement learning techniques.
-
Building a Multimodal GAN for Image Generation: Constructing a Generative Adversarial Network (GAN) capable of generating images from text descriptions by combining pre-trained models such as CLIP and VQGAN, emphasizing multi-modal fusion and learning.
Here's a log of the daily tasks completed during the coding challenge:
Day | Date | Task Description | Tags |
---|---|---|---|
128 | 2024-06-20 | LunaNet3D Changed training metrics from loss and accuracy to account for precision, recall, F1 metrics; integrated balanced F1 for early stopping; updated train and validate methods | 3D CV |
127 | 2024-06-19 | LunaNet3D Adjusted the baseline model to improve its integration of spatial and coordinate features. Resolved multiple shape mismatch issues that caused training crashes. | 3D CV |
126 | 2024-06-18 | MLOps ZoomCamp Week 4 : Deployment - Implemented the homework assignment: trained a model, deployed it as a REST API using Flask and Docker, and tested deployment scenarios. Experimented with MLflow model registry integration for deployments. | MLOps |
125 | 2024-06-17 | MLOps ZoomCamp Week 4 : Deployment - focusing on deploying models as web services, batch models, and streaming services | MLOps |
124 | 2024-06-16 | LeetCode: ProjectEmployees; SalesAnalysis; UserActivity; ArticleViews; MarketAnalysis; ProductPrice; ReformatDepartment | DSA |
123 | 2024-06-15 | LeetCode: ExchangeSeats; SwapSalary; CustomersWhoBoughtAllProducts; ActorsandDirectors; ProductSalesAnalysis1; ProductSalesAnalysis3 | DSA |
122 | 2024-06-14 | LeetCode: FriendRequests; SalesPerson; TreeNode; TriangleJudgement; BiggestSingleNumber; NotBoringMovies | DSA |
121 | 2024-06-13 | YOLOv3: Debugging shape errors; extensive debugging on dataset processing and anchor assignments configurations | 2D CV |
120 | 2024-06-12 | YOLOv3: Resolved dataset target generation issues and adjusting bounding boxes accordingly. Validated obj_mask and noobj_mask populations, ensuring object assignments were non-zero across all scales. Tested and confirmed alignment of image dimensions and target grid sizes | 2D CV |
119 | 2024-06-11 | YOLOv3: Debugged the YOLOLoss function and verified component-wise loss breakdown with dummy targets; Started refining target assignment for obj_mask and noobj_mask in dataset.py, verified initial target setups for all scales | 2D CV |
118 | 2024-06-10 | YOLOv3: Improved anchor dimension handling in YOLOLoss. Successfully calculated loss_x, loss_y, loss_w, and loss_h individually for each anchor index. Encountered NaN in total loss, to be investigated tomorrow; MLOps ZoomCamp Week 3 Orchestration Homework | 2D CV, MLOps |
117 | 2024-06-09 | YOLOv3: Revised and Refactored YOLOv3 architecture and dataset functions; resolved model input mismatches, fixed dataset logic, and refined loss calculations; MLOps ZoomCamp Week 3 Orchestration | 2D CV, MLOps |
116 | 2024-06-08 | Paper to Code: Organized repository with master README, requirements files, and environment setup | Documentation |
115 | 2024-06-07 | LunaNet3DCompleted balanced data loader, adaptive augmentation, difficulty-based sampling for batch construction.Minimal and Baseline models successfully training with custom Dataloaders. | 3D CV |
114 | 2024-06-06 | LunaNet3D:Added dynamic sampling and difficulty-based DataLoader reinitialization, logging adjustments, and batch structure validation in training loop. Training on minimal model, sample dataset for debugging. | 3D CV |
113 | 2024-06-05 | LunaNet3D:Implemented dynamic tracking of difficulty and confidence scores in training loop; adjusted PrefetchLoader for accessibility of batch size.(Training time down to 20 min/epoch on minimal) | 3D CV |
112 | 2024-06-04 | LunaNet3D:Resolved batching issues, confirmed balanced sampling, and finalized basic data loader with augmentation | 3D CV |
111 | 2024-06-03 | LunaNet3D:Balanced data loader logic revision, implementation, debugging batch processing, and resolving indexing errors. | 3D CV |
110 | 2024-06-02 | MLOps ZoomCamp Week 3 : Major Docker Issues | MLOps |
109 | 2024-06-01 | LunaNet3D:Balanced data loader modifications, debugging and batch processing debugging , handling indexing issues. | 3D CV |
108 | 2024-05-31 | LunaNet3D: Balanced data loader creation, model testing optimizations, README update | 3D CV |
107 | 2024-05-30 | LunaNet3D: GPU Optimization: bottleneck debugging, minimal model creation, caching strategies. Training time down to 4hrs/epoch on baseline. | 3D CV |
106 | 2024-05-29 | MLOps ZoomCamp Week 2: MLOps experiment tracking with homework | MLOps |
105 | 2024-05-28 | MLOps ZoomCamp Week 2: Experiment tracking and model management with MLflow | MLOps |
104 | 2024-05-27 | LunaNet3D: Debugging: seed setting, prefetch tuning, worker optimization, mixed precision training | 3D CV |
103 | 2024-05-26 | LeetCode: EmployeeBonus, FindCustomerReferee, Investmentsin2016 CustomerPlacingTheLargestNumberofOrders,BiggestCountries,ClassesMoreThan5Students, HumanTrafficofStadium | DSA |
102 | 2024-05-25 | LunaNet3D: Training, metrics, and evaluation scripts with extensive debugging (initial epoch time >160 hours) | 3D CV |
101 | 2024-05-24 | LunaNet3D: Baseline model for classification completed with theoretical backing | 3D CV |
100 | 2024-05-23 | LunaNet3D: Classification training scripts and baseline model setup | 3D CV |
99 | 2024-05-22 | MLOps ZoomCamp Week 1 Homework | MLOps |
98 | 2024-05-21 | LunaNet3D: Modularization and system setup, overcoming frustrating system issues | 3D CV |
97 | 2024-05-20 | LunaNet3D: Dataloaders with TorchIO for augmentations, tackling major image sizing and augmentation logging issues | 3D CV |
96 | 2024-05-19 | LunaNet3D: Voxel recalculation post-resizing, image conversion to .npy format, and dataset organization | 3D CV |
95 | 2024-05-18 | LunaNet3D: Data resampling, resizing, padding, and correlation studies on z-range and xy-range | 3D CV |
94 | 2024-05-17 | LunaNet3D: Cross-validation setup with official 10-fold structure and train/val/test splits | 3D CV |
93 | 2024-05-16 | LunaNet3D: Fixing NaN label values, addressing lung instance splitting across folders | 3D CV |
92 | 2024-05-15 | LunaNet3D: Data organization with optimal resizing and storage methods for efficient loading | 3D CV |
91 | 2024-05-14 | LunaNet3D: Image transformations and augmentations completed | 3D CV |
90 | 2024-05-13 | LunaNet3D: Data preprocessing with resizing, padding, and augmentation exploration | 3D CV |
89 | 2024-05-12 | YOLOv3 paper implementation, and README documentation. Debugging training. | DL 2D |
88 | 2024-05-11 | LunaNet3D: Interactive 3D plotting of misaligned nodules using Plotly | 3D CV |
87 | 2024-05-10 | LunaNet3D: Validating misaligned images with 2D/3D plotting and working on interactive 3D visualizations | 3D CV |
86 | 2024-05-09 | LunaNet3D: Data validation markdown creation, recalculating voxel distances for annotations and labels | 3D CV |
85 | 2024-05-08 | LunaNet3D: Fixed LPI nodule orientation issue with mhd transform matrix adjustments | 3D CV |
84 | 2024-05-07 | LunaNet3D: Completed visual inspection, discovered errors in LPI nodule conversion | 3D CV |
83 | 2024-05-06 | LunaNet3D: Multiple linear regression analysis, voxel alignment, orientation validation | 3D CV |
82 | 2024-05-05 | YOLOv3 paper exploration and code setup | DL 2D |
81 | 2024-05-04 | LunaNet3D: Boundary-nodule correlations, p-values, and outlier detection | 3D CV |
80 | 2024-05-03 | LunaNet3D: Debugging boundary/edge cases in misaligned nodule analysis | 3D CV |
79 | 2024-05-02 | LunaNet3D: Misaligned nodule analysis and boundary detection | 3D CV |
78 | 2024-05-01 | LunaNet3D: Voxel to lung alignment validation | 3D CV |
77 | 2024-04-30 | LunaNet3D: Data restructuring and comparative visual analysis | 3D CV |
76 | 2024-04-29 | LunaNet3D: Data validation script and comparative plotting | 3D CV |
75 | 2024-04-28 | LeetCode: Game Play Analysis 1, Game Play Analysis 4, Managers with 5 direct reports | DSA |
74 | 2024-04-27 | LunaNet3D: Final data validation and checking for consistency | 3D CV |
73 | 2024-04-26 | LunaNet3D: Redid voxel transformations, orientation issues, and validation | 3D CV |
72 | 2024-04-25 | LunaNet3D: Pre-processing voxel transformations and storing them in CSV format | 3D CV |
71 | 2024-04-24 | LunaNet3D: Helper function files and more data analysis | 3D CV |
70 | 2024-04-23 | LunaNet3D: Data exploration, outlier handling, class imbalance analysis, and sampler setup | 3D CV |
69 | 2024-04-22 | LunaNet3D: Addressing annotation mismatches and CSV file investigation | 3D CV |
68 | 2024-04-21 | LeetCode: Nth Highest Salary, Department Highest Salary, Top 3 Salaries, Delete Duplicate Emails, Rising Temperature, Trips and Users | DSA |
67 | 2024-04-20 | LunaNet3D: Statistical analysis, volume comparison setup, utils.py updates | 3D CV |
66 | 2024-04-19 | Revisiting PAg-NeRF paper for Gaussian Splatting and potential integration | NeRF |
65 | 2024-04-18 | LunaNet3D: Visualizations (nodules, binary masking, segmentations) | 3D CV |
64 | 2024-04-17 | LunaNet3D: Visualizations using thresholding and morphological techniques | 3D CV |
63 | 2024-04-16 | LunaNet3D: Exploring excluded annotations and understanding the dataset | 3D CV |
62 | 2024-04-15 | Radiance Field Meetup: NeRF and Gaussian Splatting discussion | NeRF |
61 | 2024-04-14 | LeetCode: Combine two tables, Second highest salary, Rank Scores, Consecutive Numbers, Employees earning more than their managers, Duplicate Emails, Customers who never order | DSA |
60 | 2024-04-13 | LunaNet3D: Data Preprocessing | 3D CV |
59 | 2024-04-12 | LunaNet3D: Data Preprocessing - coordinates manipulations and image transformations | 3D CV |
58 | 2024-04-11 | Luna16: Data Preprocessing - Medical image and ct scan fundamanetals and lib explorations | 3D CV |
57 | 2024-04-10 | Luna16: Plotting mhd images in 3D and generating animations to better understand data | 3D CV |
56 | 2024-04-09 | Luna16: Plotting mhd images in 2D from sample subset | 3D CV |
55 | 2024-04-08 | Luna16: Processing mhd images and working on sample dataset | 3D CV |
54 | 2024-04-07 | LeetCode: Next Permutation, Length of Last Word,Merge Sorted Array | DSA |
53 | 2024-04-06 | LeetCode: Find the Index of the First Occurrence in a String, Divide Two Integers, 3Sum, 4Sum, Search Insert Position | DSA |
52 | 2024-04-05 | Exploring the Luna16 dataset for lung node analysis inlcuding data exploration on the sample. | 3D CV |
51 | 2024-04-04 | Exploring Graph Neural Networks using PyG: Built and Implemented a GAT model on the Cora dataset | GNN |
50 | 2024-04-03 | LeetCode: Longest Palindromic Substring, Zigzag Conversion, Reverse Integer & Remove Element | DSA |
49 | 2024-04-02 | Exploring Graph Neural Networks using PyG: Link Prediction & Link Regression on toy MovieLens dataset | GNN |
48 | 2024-04-01 | Exploring Graph Neural Networks using PyG: Understanding message passing and utilization of various aggregation functions | GNN |
47 | 2024-03-26 | Exploring Graph Neural Networks using PyG: Understanding GNN predictions with the Captum lib and went through a GNN overview | GNN |
46 | 2024-03-25 | Exploring Graph Neural Networks using PyG: Point Cloud Classification using PointNet++ using the GeometricShapes dataset | GNN |
45 | 2024-03-24 | Exploring Graph Neural Networks using PyG: Working on understanding and implementing Recurrent GNNs | GNN |
44 | 2024-03-22 | Exploring Graph Neural Networks using PyG: Data handling in PyG, MetaPath2vec & Graph Pooling - DiffPool | GNN |
43 | 2024-03-21 | Exploring Graph Neural Networks using PyG: Edge analysis for label prediction & Edge analysis for link prediction | GNN |
42 | 2024-03-20 | Exploring Graph Neural Networks using PyG: Graph Generation, Recurrent GNNs, DeepWalk and Node2Vec | GNN |
41 | 2024-03-19 | Exploring Graph Neural Networks using PyG: Spectral Graph Convolutional Layers, Aggregation Functions in GNNs, GAE and VGAE, ARGA and ARGVA | GNN |
40 | 2024-03-18 | Exploring Graph Neural Networks using PyG: node classification and graph classification tasks | GNN |
39 | 2024-03-17 | LeetCode: 0016-3sum-closest and 0017-letter-combinations-of-a-phone-number | DSA |
38 | 2024-03-15 | Exploring 3D object detection by implementing a model using methods including Frustum PointNets and VoteNet | DL 3D |
37 | 2024-03-14 | Finished implementing the ESRGAN paper to code in PyTorch. | GANs |
36 | 2024-03-13 | Working on image super-resolution and implementing a SOTA model like ESRGAN (Enhanced Super-Resolution Generative Adversarial Networks). GitHub Repo: ESRGAN | GANs |
35 | 2024-03-12 | Finished implementing the PointNet paper to code in PyTorch. | DL 3D |
34 | 2024-03-11 | LeetCode problems: 15-3sum | DSA |
33 | 2024-03-08 | Implementing the PointNet paper to code in PyTorch. | DL 3D |
32 | 2024-03-07 | Explored PyTorch3D tutorials and updated the 3D Vision Playground repo. | DL 3D |
31 | 2024-03-06 | Researching PointNet paper for code recreation | DL 3D |
30 | 2024-03-05 | Implemented the VAE paper from scratch in Pytorch training on MNIST | GANs |
29 | 2024-03-04 | Completed VQGAN implementation for code repository | GANs |
28 | 2024-03-01 | Exploring the Mesa library for agent-based modeling, analysis and visualization | RL |
27 | 2024-02-29 | Implementing VQGAN paper from scratch in PyTorch. VQGAN debugging and scripting for transformer | GANs |
26 | 2024-02-28 | Implementing VQGAN paper from scratch in PyTorch. Scripts for encoder-decoder as well as VQGAN arch. | GANs |
25 | 2024-02-27 | Built scripts for editing person's clothes in image using pretrained segmentation and diffusion models: 1 2 | Diffusion CLIP |
24 | 2024-02-26 | Implementing VQGAN paper from scratch. Understanding the paper and code repo, building skeleton. | GANs |
23 | 2024-02-24 | Trained a multimodal GAN to generate image from text using pretrained CLIP ('ViT-B/32') and Taming Transformers (VQGAN) pretrained models | GANs |
22 | 2024-02-23 | Working on multimodal GAN architecture to generate image from text | GANs |
21 | 2024-02-22 | Trained a basic GAN on the MNIST datasetand an advanced GAN architecture on the celebA dataset; WANDB tracking here | GANs |
20 | 2024-02-20 | Finished implementing the ProGAN paper from Scratch in PyTorch. Currently Training on the CelebA-HQ dataset! | GANs |
19 | 2024-02-19 | Implementing the ProGAN paper from Scratch in PyTorch. | GANs |
18 | 2024-02-18 | Implemented the CycleGAN paper from Scratch in PyTorch. Trained for 150 epochs on a custom car2damagedcar dataset | GANs |
17 | 2024-02-17 | Implemented the pix2pix paper from Scratch in PyTorch. Training for 500 epochs on the Maps Dataset | GANs |
16 | 2024-02-16 | Implemented the WGAN and WGAN-GP papers from scratch in PyTorch and trained them on the MNIST dataset | GANs |
15 | 2024-02-15 | Implemented the DCGAN model from scratch from scratch in PyTorch and trained on the MNIST dataset | GANs |
14 | 2024-02-14 | Trained a Semantic Segmentation model with Open3D and Open3D-ML packages with PyTorch on SemanticKITTI dataset | DL 3D |
13 | 2024-02-13 | Explored the Open3D and Open3D-ML packages and performed data loading, tranformation and visualization tasks. | DL 3D |
12 | 2024-02-12 | Trained a simple 2 layer model to play the classic Snake game in Pytorch | RL |
11 | 2024-02-10 | Trained two models in Pytorch on the ViT architecture for Multiclass Road Sign Classifier. | DL 2D |
10 | 2024-02-09 | Built pipelines for dataset manipulation and training in Pytorch for Multiclass Road Sign Classifier. | DL 2D |
9 | 2024-02-07 | Hugging Face RL course completed units 7, 8a, 8b and advanced topics. Certificate | RL |
8 | 2024-02-06 | Hugging Face RL course completed units 4, 5 and 6. | RL |
7 | 2024-02-03 | LeetCode problems: 11-container-with-most-water and 26-remove-duplicates-from-sorted-array | DSA |
6 | 2024-02-01 | Explored datasets, structured project and trained EfficientNet_B0 model for MultiClass Human Action Classification from video data | DL 3D |
5 | 2024-01-31 | Explored datasets, conducted EDA, and structured project for Multiclass Road Sign Classifier. | DL 2D |
4 | 2024-01-29 | Implementing Vision Transformer (ViT) model from scratch in PyTorch. | DL 2D |
3 | 2024-01-28 | LeetCode problems: 1-two-sum, 2-add-two-numbers, 4-median-of-two-sorted-arrays | DSA |
2 | 2024-01-27 | Explored classic control tasks; studied MDP, TD, Monte Carlo, Q-Learning theory | RL |
1 | 2024-01-26 |
MDP basics exploration on custom Maze env with random policy exploration. | RL |
Feel free to reach out, provide feedback, or collaborate on any aspect of the journey. Let's embark on this coding adventure together!
Happy Coding! 🚀