Sujan Neupane's repositories
GANs_for_Tabular_data
This repo contains PyTorch implementation of cGAN, cWGAN, and cWGAN-gp for tabular data.
Medical-Insurance-Cost-Prediction
In this regression project, We will make use of different features like age, BMI, region, sex, smoker, etc to predict the medical insurance cost for an individual.
NEPSE-Chatbot-Using-Retrieval-augmented-generation-and-reranking
This project will develop a NEPSE chatbot using an open-source LLM, incorporating sentence transformers, vector database and reranking.
Air-Pollution-Studies
This repository will contain codes from my research related to geospatial data analysis.
Driver-Alertness-Detection
It is a classification project that makes use of multiple features like physiological, Environmental and vehicular data to determine whether a driver is alert while driving or not.
Cat-vs-Dog-Classification-with-ResNet17-from-Scratch
A simple implementation of ResNet-17 architecture from scratch to classify dog or cat.
Classification_Using_VGG19_and_TransferLearning
VGG19 model has been trained from scratch on a multiclass classification flower dataset and the scratched trained VGG19's performance is compared with VGG19 model trained on imagenet.
DCGAN-to-generate-anime-faces
In this project, I will implement a very simple unconditional deep convolutional generative adversarial network (DCGANs) to generate fake anime faces.
DCGANs-to-Generate-Fake-Facial-Images
In this project, I will implement a very simple unconditional deep convolutional generative adversarial network (DCGANs) to generate fake facial images.
Gender-Classification-with-ResNet17-from-Scratch
A simple implementation of ResNet-17 architecture from scratch to classify gender.
Linear-Regression-using-Python-from-Scratch
This is a simple linear regression model developed from scratch using python
LLM_Quantization
Quantizing LLMs using GPTQ
MedicareAI-Multiclass-Classification-of-Chest-Radiographs-Using-CNNs-and-GANs
This is my final year undergraduate project.
ML_Algorithms_From_Scratch
This repo contains scratch implementation of various algorithms done using NumPy, Pandas and Python
PCA_For_ImageCompression_From_Scratch
Implementing Principal Component Analysis from scratch using NumPy only for compressing a grayscale image.
SentimentAnalysis_with_LSTM
This project implements a LSTM model to perform sentiment analysis on movie reviews using IMDB dataset.
DataScienceTools
Useful Data Science and Machine Learning Tools,Libraries and Packages
Gender-Classification-Using-Pytorch-and-Fastai
This is a simple image classification project which classifies a person's gender based on their image, implemented using PyTorch and FastAI.
Google-PlayStore-Sentiment-Analysis
In this project, we will perform data exploration, cleaning, analysing and visualization on the apps present on Google's Play Store.
Multiclass_Classification_Using_Scikit_Learn
In this project, I will make use of scikit-learn and logistic regression to complete a multiclassification task.
Multilabel-Image-Classification-using-a-ResNet-17-CNN
This is a simple multilabel image classification project where our trained ResNet-17 CNN architecture predicts the genre of movies by looking at their posters. This project is ongoing.
Nepali_News_Classification_And_Recommendation_Using_FastAPI
This repo contains PyTorch implementation of LSTM for performing nepali news classification. Additionally, a simple content based Nepali news recommendation is also done and the trained models are deployed using FastAPI.
Regression_Using_Scikit_Learn
In this project, I will make use of Linear Regression from Scikit-Learn to solve a regression problem.
Spam-Email-Detection
This is a simple classification project that makes use of a count vectorizer and multinomialNB classifier to predict whether an email is a spam or ham.
Spotify-Song-Recommendation-System
This is a simple content-based song recommendation system that recommends songs based on the sentiments of users.
Titanic-Survival-Prediction
In this classification project, we will use different features like passenger class, sex, age, fare, etc to predict whether a person will survive in titanic or not.
Wine-Quality-Prediction
This is a simple classification project that predicts whether a wine is of good quality or not.