Projects in Awesome Lists by gokulnpc
A curated list of projects in awesome lists by gokulnpc .
https://github.com/gokulnpc/chronic-kidney-disease-prediction
This we app is created to predict the chronic kidney disease using the data from the UCI Machine Learning Repository. The dataset is used to build a machine learning model to predict the chronic kidney disease based on the input parameters.
machine-learning streamlit support-vector-machine
Last synced: 02 Feb 2025
https://github.com/gokulnpc/quicknode-hackathon
NFTVerse is an innovative NFT marketplace that leverages real-time crypto market data, enabling users to seamlessly explore, buy, sell, and gain insights on NFTs. Built as part of the QuickNode Hackathon, this project won the Best Use of Crypto Market Data Add-on powered by CoinAPI.
blockchain coinapi nft quicknode solidity web3
Last synced: 14 Mar 2025
https://github.com/gokulnpc/nft-marketplace
NFT Marketplace
blockchain dapp goerli-network hardhat nodejs react solidity web3
Last synced: 28 Mar 2025
https://github.com/gokulnpc/avax-hackathon
Welcome to the MemeCoin Launchpad! This project was built for the Avalanche Hackathon, demonstrating a custom L1 subnet on Avalanche that allows users to create, buy, and sell meme tokens in a fun and engaging environment.
Last synced: 14 Apr 2025
https://github.com/gokulnpc/news-category-classifier-nlp
A Bag of N-Grams is a text representation method used in natural language processing (NLP). It involves breaking down text into a collection (bag) of contiguous sequences of 'N' items (grams). Each 'gram' can be a word or a character, depending on the specific application.
Last synced: 28 Mar 2025
https://github.com/gokulnpc/face-mask-detection-cnn
This web app is created to demonstrate the face mask detection model using Convolutional Neural Networks (CNN). The model is trained on a dataset containing images of people with and without masks. The model is built using TensorFlow and Keras libraries in Python.
convolutional-neural-networks deep-learning face-mask-detection streamlit
Last synced: 28 Mar 2025
https://github.com/gokulnpc/bigmart-sales-prediction
This web app is created to predict the sales of Big Mart based on the input features provided by the user. The model used in this web app is a XGBoost Regressor model which is trained on the Big Mart Sales dataset. The dataset used in this web app is taken from the Kaggle Datastes. The dataset contains 8523 rows and 12 columns.
machine-learning regression-models streamlit xgboost-regression
Last synced: 28 Mar 2025
https://github.com/gokulnpc/ai-virtual-painter
This project utilizes OpenCV and MediaPipe's hand tracking capabilities to create a real-time hand gesture drawing application. The user can draw on the screen by moving their index finger, and erase the drawing by raising their index and middle fingers simultaneously.
computer-vision deep-learning mediapipe opencv-python
Last synced: 28 Mar 2025
https://github.com/gokulnpc/object-recognition-resnet50
This is a web app to predict the object in an image using the ResNet50 model. The ResNet50 model is a pre-trained model on the ImageNet dataset. The model is trained to classify 10 different objects.
deep-learning neural-networks object-recognition resnet-50 streamlit
Last synced: 28 Mar 2025
https://github.com/gokulnpc/calories-burnt-prediction
This web app is created to predict the calories burnt based on the user inputs such as gender, age, height, weight, duration, heart rate, and body temperature. The model used in this web app is a Random Forest Regressor model trained on the dataset with 15000 samples.
machine random-forest-regression regression-models streamlit
Last synced: 28 Mar 2025
https://github.com/gokulnpc/fashion-mnist-image-classification
The web app uses a Convolutional Neural Network (CNN) model trained on the Fashion MNIST dataset to classify images of clothing.
convolutional-neural-networks deep-learning image-classification neural-network streamlit
Last synced: 28 Mar 2025
https://github.com/gokulnpc/house-price-prediction
This web app is a simple house price prediction tool. It uses a Random Forest model to predict the price of a house in Bengaluru, India. The model was trained on a dataset from Kaggle. The web app is built using Streamlit, a popular Python library for building web apps.
machine-learning random-forest-classifier streamlit
Last synced: 28 Mar 2025
https://github.com/gokulnpc/wine-quality-prediction
This web app is created to predict the quality of red wine based on the input features. The model is trained using the Random Forest Classifier algorithm.
classification-model machine-learning random-forest-classifier stream
Last synced: 28 Mar 2025
https://github.com/gokulnpc/codeguardian
CodeGuardian is a VS Code extension that provides real-time code security analysis using local LLMs. It analyzes your code for potential security vulnerabilities and best practices without sending any code to external servers.
Last synced: 07 May 2025
https://github.com/gokulnpc/titanic-survival-prediction
This web app is a simple Titanic Survival Prediction web app. The web app uses a logistic regression model to predict whether the mail is spam or not.
classification-model logistic-regression machine-learning streamlit
Last synced: 28 Mar 2025
https://github.com/gokulnpc/iris-detection
This project focuses on iris detection using deep learning techniques. The model architecture combines the power of ResNet152V2, a pre-trained convolutional neural network (CNN), with additional convolutional layers to accurately detect and localize iris regions in images.
convolutional-neural-networks deep-neural-networks iris-detection resnet
Last synced: 28 Mar 2025
https://github.com/gokulnpc/contribution-bot
This repository provides a detailed, step-by-step guide to setting up the GitHub Contribution bot. You’ll learn how to script in JavaScript and integrate with Windows Task Scheduler to automate your commits and maintain your GitHub streak.
Last synced: 28 Mar 2025
https://github.com/gokulnpc/hand-gesture-volume-control
This project demonstrates real-time hand gesture-based volume control using a webcam feed. Leveraging the HandTrackingModule, MediaPipe, and OpenCV, the program tracks hand movements and recognizes gestures to adjust system volume.
deep-learning hand-tracking mediapipe opencv
Last synced: 28 Mar 2025
https://github.com/gokulnpc/breast-cancer-classification
This web app is created to classify the Breast Cancer into Benign and Malignant. The model is built using the Logistic Regression algorithm.
classification-model logistic-regression machine-learning streamlit
Last synced: 28 Mar 2025
https://github.com/gokulnpc/hand-tracking
This project showcases real-time hand tracking using MediaPipe and OpenCV. Leveraging computer vision, it accurately detects and annotates hand landmarks from webcam footage, offering insights into hand poses and gestures.
computer-vision deep-learning mediapipe
Last synced: 28 Mar 2025
https://github.com/gokulnpc/ai-virtual-mouse
This project leverages OpenCV for hand tracking and gesture recognition and AutoPy for mouse control to create a real-time hand gesture mouse control application. Users can control the mouse cursor's movement and perform mouse clicks using hand gestures detected by the camera.
computer-vision deeplearning mediapipe opencv-python python virtual-mouse-using-hand-gesture
Last synced: 28 Mar 2025
https://github.com/gokulnpc/handwritten-digit-classification
This web app is a simple handwritten digit classification model built using a neural network with the MNIST dataset. The MNIST dataset is a collection of 70,000 small square 28x28 pixel grayscale images of handwritten single digits between 0 and 9. The model is built using TensorFlow and Keras, and the web app is built using Streamlit.
classification-model deep-learning neural-networks streamlit
Last synced: 28 Mar 2025
https://github.com/gokulnpc/spam-mail-prediction
This web app is developed to predict whether a mail is spam or not. The model is built using the Logistic Regression algorithm.
classification-model logistic-regression machine-learning streamlit
Last synced: 28 Mar 2025
https://github.com/gokulnpc/gold-price-prediction
This web app is a simple Gold price prediction web app. The web app uses a Random Forest Regressor model to predict the Gold price based on the user inputs.
machine-learning random-forest regression-models streamlit
Last synced: 28 Mar 2025
https://github.com/gokulnpc/portfolio
This repository contains the code and assets for my personal portfolio website. It showcases my skills, experience, and projects in a visually appealing format.
Last synced: 28 Mar 2025
https://github.com/gokulnpc/dog-vs-cat-classification
This web app is a simple image classification app that uses a pre-trained model to classify images of dogs and cats. The model is trained using the MobileNet V2 architecture with ImageNet pre-trained weights. This is a SavedModel in TensorFlow 2 format. Using it requires TensorFlow 2 (or 1.15) and TensorFlow Hub 0.5.0 or newer.
classification-model deep-learning machine-learning neural-networks streamlit
Last synced: 28 Mar 2025
https://github.com/gokulnpc/ecommerce-text-classifier-nlp
TF-IDF Vectorizer (Term Frequency-Inverse Document Frequency) is a method used in text mining to evaluate how important a word is in a document relative to a collection of documents. It transforms text into numerical vectors for use in machine learning.
Last synced: 28 Mar 2025
https://github.com/gokulnpc/cornell-hackathon
HoneyBeeAI is an innovative AI-powered platform designed to transform the recruitment process by integrating transparency, efficiency, and enhanced candidate engagement. Built with advanced AI agents and blockchai
Last synced: 28 Mar 2025
https://github.com/gokulnpc/ai-personal-trainer
This project utilizes MediaPipe, OpenCV, and a pose estimation module to create a real-time fitness tracker focusing on counting dumbbell curls. The user stands in front of a camera, and the program calculates the angle between the shoulder, elbow, and wrist to determine the movement direction and count the number of curls performed.
ai-personal-assistants computer-vision deep-learning mediapipe pose-detection python
Last synced: 28 Mar 2025
https://github.com/gokulnpc/face-detection-mediapipe
This project employs the MediaPipe library and OpenCV for real-time face detection. Leveraging a webcam feed, it accurately identifies and annotates faces within the frame.
computer-vision deep-learning face-detection mediapipe
Last synced: 28 Mar 2025
https://github.com/gokulnpc/fashion-mnist-gan
This script outlines the implementation of a Generative Adversarial Network (GAN) designed to generate fashion images using the Fashion MNIST dataset. The GAN consists of a generator and a discriminator, which are trained simultaneously in an adversarial manner.
deep-learning deep-neural-networks fashion-mnist generative-adversarial-network
Last synced: 28 Mar 2025
https://github.com/gokulnpc/toxic-comment-classifier
This project employs a deep neural network architecture for the classification of toxic comments, utilizing the Kaggle competition dataset from the Jigsaw Toxic Comment Classification Challenge.
bidirectional-lstm deep-learning lstm-neural-networks python textvectorization toxic-comment-classification
Last synced: 28 Mar 2025
https://github.com/gokulnpc/face-detection
This project uses OpenCV and deep learning to detect faces in images and videos.
computer-vision deep-learning face-detection neural-network opencv
Last synced: 28 Mar 2025
https://github.com/gokulnpc/car-price-prediction
This is a simple web app to predict the price of a car based on the user inputs. The model used in this web app is a Random Forest Regressor model. The model was trained on a dataset containing information about used cars. The dataset was collected from the Kaggle website.
machine-learning random-forest regression-models streamlit
Last synced: 28 Mar 2025
https://github.com/gokulnpc/happy-sad-classification
This model is trained on google images of happy and sad faces, and is able to classify new images as happy or sad.
Last synced: 28 Mar 2025
https://github.com/gokulnpc/fake-news-prediction
This web app is a fake news prediction tool. It uses a machine learning model to predict whether a given news is fake or not. The model is trained on a dataset of news articles and their labels. The model uses a logistic regression algorithm to make predictions.
fake-news-detection logistic-regression machine-learning regression-models streamlit
Last synced: 28 Mar 2025
https://github.com/gokulnpc/medical-insurance-cost-prediction
This web app is created to predict the medical insurance cost based on the user inputs such as age, sex, BMI, children, smoker and region. The model used in this web app is a Random Forest Regressor model. The model is trained on the Medical Insurance dataset from Kaggle. The dataset contains 1338 rows and 7 columns.
machine-learning random-forest-regression regression-models streamlit
Last synced: 28 Mar 2025
https://github.com/gokulnpc/ecommerce-text-classification-fasttext
FastText is a library for efficient learning of word representations and sentence classification. It was developed by Facebook's AI Research (FAIR) lab and is particularly known for its speed and accuracy. FastText can be used both as a command-line tool and through APIs in various programming languages such as Python.
Last synced: 28 Mar 2025