TheUnsolvedDev
Tech Guy with a dedicated interest in learning new kinds of stuff. DSAI @ IITM 2024 CSE @ IITM 2023. CSE @ NITA 2022.
India
Pinned Repositories
Cross-Component-Linear-Model-Prediction
CUDA_NN_FS
This repository features a from-scratch implementation of a neural network using CUDA and C. The primary goal of this project is to leverage CUDA's parallel computing capabilities to significantly accelerate the training and inference processes of neural networks, utilizing the computational power of NVIDIA GPUs.
JaxStormer
Welcome to the JAX Machine Learning Practice repository! This repository contains practice code for implementing various machine learning algorithms using JAX, a numerical computing library that provides automatic differentiation and GPU/TPU acceleration.
Music-Genre-Detection
This repository is mainly about the classification of music genres of Kaggle music dataset in various forms of data preparation
ProbabilisticMadness
Statistics and Machine Learning in depth analysis with Tensorflow Probability
PytorchJourney
Basic Implementation of machine learning and deep learning algorithms in pytorch
Quadruped-Robot
Quadruped Robot – It is a four-legged walking robot that is a bionic replica of a spider (Arachnid species) that uses its legs for movement and can perform some tasks either by human interaction or on its own.
ReinforcementLearning
Repository containing basic algorithm applied in python.
Sentiment-Analysis-With-Multi-Domain-Adaptation
Multi domain adaption of quick sentiment analysis on mutliple catagories of task like classification of the nature of the reviews regrading various objects found in Amazon website
TensorflowML
Welcome to a comprehensive repository dedicated to implementing a wide array of algorithms in Machine Learning, Deep Learning, and Reinforcement Learning. This repository emphasizes the use of TensorFlow 2, but also incorporates various other libraries to deliver robust and versatile implementations across multiple domains.
TheUnsolvedDev's Repositories
TheUnsolvedDev/Linux-Posix-Threads
Repository for the posix threads or the most commonly lpthread
TheUnsolvedDev/CNN---Different-Pattern-Recognition-TF-2-
TheUnsolvedDev/ML-with-TF-2
TheUnsolvedDev/Machine-Learning
TheUnsolvedDev/Book_Store-Django
A Book store using Django as Backend and Bootstrap4 as Frontend
TheUnsolvedDev/pandoc-latex-template
A pandoc LaTeX template to convert markdown files to PDF or LaTeX.
TheUnsolvedDev/YOLOv5-tf
YOLOv5 implementation using TensorFlow 2
TheUnsolvedDev/readme-with-video
TheUnsolvedDev/SARSA-and-Q-learning-on-a-Windy-Grid-World
SARSA and Q-learning on a Windy Grid World
TheUnsolvedDev/homemade-machine-learning
🤖 Python examples of popular machine learning algorithms with interactive Jupyter demos and math being explained
TheUnsolvedDev/CNN-project-pattern-recognition-
A deep neural net project using CNN (lenet 5) architecture to find patterns.
TheUnsolvedDev/Skin-Lesions-Detection-Deep-learning
Transfer Learning with DCNNs (DenseNet, Inception V3, Inception-ResNet V2, VGG16) for skin lesions classification on HAM10000 dataset largescale data.
TheUnsolvedDev/making-games-with-python-and-pygame
The source code for the game programs for the book, "Making Games with Python & Pygame"
TheUnsolvedDev/TWO-WAY-CHAT-APP-PYTHON
using socket programming in python #Bash command: Firstly open server1.py $ python3 server1.py Then open client1.py $ python3 client1.py Note:1 message per input
TheUnsolvedDev/Golden_ratio
Measuring golden ratio of face in open cv python
TheUnsolvedDev/Chat-bot
python program for chatbot ai
TheUnsolvedDev/Autobiographical_number
python program for Autobiographical_number
TheUnsolvedDev/Algorithms-in-Python
Searching and Sorting,Greedy Algorithms,Dynamic Programming,
TheUnsolvedDev/Java-Project
Java project on tictactoe game for 2 players
TheUnsolvedDev/Java-projects
Java project for temperature conversion
TheUnsolvedDev/StudyBook
Study E-Book(ComputerVision DeepLearning MachineLearning Math NLP Python ReinforcementLearning)
TheUnsolvedDev/House-Prices-Advanced-Regression-Techniques
Using advanced regression techniques to find out the best method for this dataset
TheUnsolvedDev/gym-envs
Set of custom environments for the OpenAI Gym