Pinned Repositories
300Days__MachineLearningDeepLearning
I am sharing my Journey of 300DaysOfData in Machine Learning and Deep Learning.
66Days__NaturalLanguageProcessing
I am sharing my Journey of 66DaysofData in Natural Language Processing.
build-GPT
Building GPT ...
ComputerVision
The repository is dedicated towards the implementation of Computer Vision.
Fastai
I will implement Fastai in each projects present in this repository.
MachineLearning_DeepLearning
I will share about Machine Learning and Deep Learning.
Meta-llama
Complete implementation of Llama2 with/without KV cache & inference 🚀
ML..Interview..Preparation
Preparation for Machine Learning Interview
MLOps
The repository contains a list of projects which I will work on while learning and implementing MLOps.
Transformers_NLP
The repository will contain a list of projects which we will work on while reading the books of Natural Language Processing & Transformers.
ThinamXx's Repositories
ThinamXx/CaliforniaHousing__Prices
I have built a Model using Random Forest Regressor of California Housing Prices Dataset to predict the price of the Houses in California.
ThinamXx/MachineLearning__Algorithms
I am working on implementing Machine Learning Algorithms from scratch.
ThinamXx/ApproachingAnyMachineLearning
The repository contains a list of projects which I have worked while reading the book Approaching Any Machine Learning Problem.
ThinamXx/NeuralNetworks__SentimentAnalysis
In this repository, I have worked out on the Large Movie Review Dataset for the Sentiment Analysis of Text. I have Implemented the CNN, RNN and LSTM to predict the Sentiment of the Text Data.
ThinamXx/MachineLearning_with_Python
In this repository, you will gain insights about various Supervised and Unsupervised Machine Learning Algorithms implementation on real data sets along with Visualizations.
ThinamXx/FacialExpression_Classification
In this repository, I have created a model which recognizes Happy Face, Sad Face, Surprise Face, Angry Face and Laughing Face using Python, Fastai API and Convolutional Neural Networks.
ThinamXx/SemanticAnalysis__LDA..LDIA
In this repository, I have included a Notebook which contains the Implementation of LSA, LDA and LDIA in Semantic Analysis. I have presented all the Code Snippets with proper Documentation and I hope you will gain Insights about Semantic Analysis with LSA and LDIA.
ThinamXx/Chatbot__Sequence2Sequence
Here, I have prepared a Chatbot using Sequence to Sequence Neural Networks. I hope you will gain insights about the Implementation of Sequence to Sequence Learning in Chabot.
ThinamXx/DogBreedClassification
I have prepared a pretrained Neural Network Model which helps in Image Classification. The Model can classify 120 different breeds of dogs.
ThinamXx/DuplicateQuestions__Recognition
I have build a LSTM Model using Trax which can identify the Duplicate Questions or Similar Questions which is useful when we have to work with several versions of the same Questions.
ThinamXx/AmazonReviews__Analysis
In this repository I have performed the Text Analysis of Amazon Reviews Dataset using only TensorFlow and TensorBoard. I hope you will gain some insights about the Implementation of TensorFlow here.
ThinamXx/CIFAR10__Recognition
I have prepared a Neural Networks Model which helps in recognizing the object on an image.
ThinamXx/LanguageTranslator_EnglishFrench
I have prepared a Model which can translate English Language to French Language with above 80% accuracy. I have used Tensorflow and Keras for this Project.
ThinamXx/YelpReviews__Analysis
In this repository, I have worked on the Sentiment Analysis of YELP Reviews Dataset using PyTorch. I hope you will gain some insights about the Implementation of PyTorch in Natural Language Processing.
ThinamXx/C.Programs
Hey there!! Here, I have included the basic programs of C Programming Language.
ThinamXx/CollaborativeFiltering..MovieRecommendation
In this repository, I have built Movie Recommendation System using Fast.ai approach which was built on top of PyTorch. You can get insights about the Implementation of Fastai in building Recommendation System easily with high accuracy.
ThinamXx/ImageSegmentation_with_CamVid
In this repository, I have used Fastai Datasets to perform Image Segmentation and I have checked the accuracy of the Model. For this project, I have used Fastai Library to create the model and to check the accuracy.
ThinamXx/MNIST_CNN
In this repository, I have used CNN to MNIST Digit Classification Dataset. You can get insights about Convolutional Neural Network and its implementation for Handwritten Digit Classification.
ThinamXx/SurnameClassification__PyTorch
I have worked in Surname Classification Model Inferring Demographic Information which has applications from Product Recommendations to ensuring fair outcomes for users across different Demographics. I hope you will gain some insights.
ThinamXx/TextSentiment_Analysis
In this repository, you will gain insights about the Sentiment Analysis of Text document with the Implementation of NLTK, TF-IDF, and LogisticRegression.
ThinamXx/TrafficSigns..Classification
In this Project, I have prepared a Deep Convolutional Neural Network Model which can classify the 43 different classes of Traffic Signs Images with above 90% accuracy. You can get insights about the Implementation of Convolutional Neural Network in Image Classification and so on. Thank you !!
ThinamXx/TV_Halftime_Shows..BigGame
Hey there!! In this Project I have tried to answer the simple Questions about the TV, Halftime Shows and the Big Games. It will give you some insights about Pandas as well. I have done this Project in Jupyter Notebook using Python Programming Language !!
ThinamXx/Ups.and.Downs_with_Kardashians
While I'm not a fan nor a hater of the Kardashians and Jenners, the polarizing family intrigues me. Why? Their marketing prowess. Say what you will about them and what they stand for, they are great at the hype game. Everything they touch turns to content.
ThinamXx/Cats.vs.Dogs_Classification
In this repository, I have used Convolutional Neural Network with InceptionV3 trained on Imagenet to classify Cats vs Dogs. It is one of competition from Kaggle. Hope you can get insights about implementation of CNN.
ThinamXx/InternetMovieDatabase__NLP
In this repository, I have used Fast.ai Library to classify the IMDb reviews and measure the accuracy of Model. You can get insights about the implementation of Fast.ai Library in Natural Language Processing.
ThinamXx/Natural_Language__Inference
I have prepared a Attention Model for Natural Language Inference.
ThinamXx/NEURAL_STYLE_TRANSFER
Here, I have prepared a Neural Networks Style Transfer Model.
ThinamXx/Planet..Understanding_Amazon_from_Space
In this repository, I have worked on Image Data from one of the Kaggle Competition. Hope you will gain insights about Image Data analysis.
ThinamXx/TheAndroidAppMarket_on_GooglePlay
Hey there!! Mobile apps are everywhere. They are easy to create and can be lucrative. Because of these two factors, more and more apps are being developed. In this Project, I have done a comprehensive analysis of the Android app market by comparing over ten thousand apps in Google Play across different categories.
ThinamXx/TopicModeling__NLP
In this repository, I have performed Topic Modeling using Singular Value Decomposition and Non Negative Matrix Formation along with TFIDF Count Vectors.