Projects in Awesome Lists by chandkund
A curated list of projects in awesome lists by chandkund .
https://github.com/chandkund/spam-email-detection
This project focuses on detecting spam emails using a fine-tuned DistilBERT model, a lighter version of the BERT model. The model is trained to classify email text into two categories: spam (1) and not spam (0). The dataset consists of email texts labeled as either spam or non-spam.
data-visualization datapreprocessing matplotlib pandas python pytorch sklearn transformer
Last synced: 07 Apr 2025
https://github.com/chandkund/sms-spam-detection
The goal is to develop a classification model that can accurately differentiate between spam and non-spam messages. This is crucial for applications like email filtering, SMS spam detection, and improving overall user experience by reducing the influx of unwanted or malicious content.
matplotlib nlp-machine-learning numpy pandas seaborn stemming tfidf-vectorizer tokenization
Last synced: 05 Apr 2025
https://github.com/chandkund/sentiment-analysis-using-nlp
This project focuses on Sentiment Analysis using the textual content from product reviews. The goal is to analyze user sentiments based on their written feedback, particularly focusing on the "reviewText" column in the dataset.
lemmatization matplotlib nlp nltk numpy pandas seaborn tokenization
Last synced: 05 Apr 2025
https://github.com/chandkund/ev-market-segmentation
This project focuses on segmenting the Electric Vehicle (EV) market in India to identify key customer groups based on their preferences, behaviors, and demographics.
machine-learning matplotlib numpy pandas seaborn sklearn visualization
Last synced: 05 Apr 2025
https://github.com/chandkund/predicting-heart-disease
Welcome to the Heart Disease Prediction project! 🩺 This project focuses on developing a predictive model to assess heart disease risk based on health indicators like age, cholesterol levels, and blood pressure. By analyzing these features, we aim to create an effective tool for early diagnosis and heart disease prevention
machine-learning matplotlib numpy pandas python seaborn sklearn
Last synced: 05 Apr 2025
https://github.com/chandkund/basic-python-program
This project is a collection of basic Python programs for learning and reference purposes.
Last synced: 21 Mar 2025
https://github.com/chandkund/predicting-diabetes-onset
The "Predicting Diabetes Onset" project aims to build a machine learning model that predicts whether an individual has diabetes based on various health-related features. The dataset used for this project includes attributes related to medical history and physical measurements.
deep-learning numpy pandas python seaborn sklearn-library sklearn-metrics visualization
Last synced: 21 Mar 2025
https://github.com/chandkund/predicting-student-grades
This project predicts student grades (G1, G2, G3) based on various features such as demographic information, study habits, family background, and other academic factors. The aim is to develop a predictive model that can assist in identifying students who may need additional support.
classification-algorithm ensemble-learning exploratory-data-analysis machine-learning matplotlib numpy pandas regression-models seaborn
Last synced: 26 Feb 2025
https://github.com/chandkund/housing-price-prediction
Predict housing prices using the Boston Housing Dataset. Covers data loading, cleaning, preprocessing, EDA, normalization, standardization, and regression models (Linear Regression, Decision Tree, Random Forest, Extra Trees). Evaluated with Mean Squared Error (MSE). Tech: Python, Pandas, NumPy, Scikit-learn, Seaborn, Matplotlib.
data-science data-visualization matplotlib numpy pandas pyhton sklearn sklearn-library sklearn-metrics
Last synced: 07 Apr 2025
https://github.com/chandkund/stock-price-prediction-
Predict Tesla stock prices using historical data. The project preprocesses data, applies normalization and standardization, trains a linear regression model, and evaluates its performance. Visualizations include box plots and time series plots.
data-science linear-regression numpy pandas plotly python sklearn sklearn-model
Last synced: 07 Apr 2025
https://github.com/chandkund/sentiment-analysis-on-movie-reviews
Project on Sentiment Analysis of Movie Reviews using K-means clustering. This project clusters movie reviews based on their sentiment scores to understand audience reactions. Includes data preprocessing, feature selection, model development, and visualization.
data-science eda jupyter-notebook machine-learning matplotlib numpy pandas preprocessing python sklearn
Last synced: 07 Apr 2025
https://github.com/chandkund/titanic-survival-prediction
Welcome to the Titanic Survival Prediction project! 🌊 This project predicts passenger survival on the Titanic using machine learning models. By analyzing features like class, gender, and age, we aim to uncover the factors that influenced survival rates during this historic event. Dive in to explore the insights and models developed!
data-science machine-learning matplotlib numpy python seaborn sklearn visualization
Last synced: 08 Mar 2025
https://github.com/chandkund/recipe-recommendations
The Recipe Recommendations project leverages natural language processing (NLP) techniques to process recipe descriptions and classify them into categories like desserts, main courses, and more. The system provides personalized recommendations by analyzing the text input and suggesting relevant recipes.
embeddings matplotlib nlp numpy pandas softmax tensorflow
Last synced: 08 Mar 2025
https://github.com/chandkund/iris-classification
Iris Classification project using machine learning to classify iris flowers into Setosa, Versicolour, and Virginica species. Includes data exploration, model training with SVM, Logistic Regression, and Decision Tree, and performance evaluation. Contributions welcome! Python, Pandas, Scikit-learn, Seaborn, Matplotlib.
machine-learning matplotlib-pyplot numpy pandas python sklearn
Last synced: 07 Apr 2025
https://github.com/chandkund/movie-recommender-system
Unlocking the magic of personalized movie recommendations! This project uses the Cosine Similarity Algorithm to suggest movies based on user-selected titles, making movie discovery more enjoyable.
cosine-similarity matplotlib nltk numpy pandas-python seaborn
Last synced: 20 Feb 2025
https://github.com/chandkund/wine-quality-prediction
This project predicts wine quality based on physicochemical properties using machine learning models. By leveraging Random Forest Classifier, Logistic Regression, and SVM, the goal is to classify wines into quality categories and uncover the key factors that influence wine quality.
logistic-regression matplotlib numpy pandas-python random-forest-classifier svm-classifier
Last synced: 20 Feb 2025
https://github.com/chandkund/pytorch
Foundational introduction to PyTorch, focusing on the basics of tensors, their creation, manipulation, and operations, which are essential for understanding and building deep learning models
classification computer-vision cuda-programming deep-learning loss-functions matplotlib numpy optimization pandas pyhton pytroch workflow
Last synced: 12 Mar 2025
https://github.com/chandkund/time-series-forecasting
A time series forecasting project using the Airline Passenger dataset. This project leverages ARIMA modeling to predict future passenger numbers by analyzing historical trends and seasonality from 1949-1960. The results demonstrate effective forecasting for better business planning.
arima-forecasting arima-model data-science numpy pandas python seaborn
Last synced: 12 Mar 2025
https://github.com/chandkund/loan-eligibility-prediction
This project is designed to predict the eligibility of loan applicants based on various factors such as income, credit history, and marital status. By analyzing historical loan application data, the model helps to determine whether a loan application should be approved or not.
data-analysis data-science data-visualization machine-learning-algorithms matplotlib numpy pandas python seaborn
Last synced: 12 Mar 2025
https://github.com/chandkund/image-classification-using-cifar-10-dataset
Image classification project using the CIFAR-10 dataset, featuring a custom Convolutional Neural Network (CNN) architecture. Includes data preprocessing, model training, and evaluation for accurate image categorization
data-science matplotlib python tensorflow2
Last synced: 12 Mar 2025
https://github.com/chandkund/number_guessing_game
This is a simple number guessing game implemented in Python. The game generates a random number within a specified range and prompts the user to guess the number. The user has a limited number of attempts to guess the correct number, which is calculated based on the range.
Last synced: 12 Mar 2025
https://github.com/chandkund/image-classification-using-the-mnist-dataset
Image Classification using the MNIST dataset. This project leverages a Convolutional Neural Network (CNN) to recognize and classify handwritten digits with high accuracy. Includes data preprocessing, model architecture, and evaluation. Explore the code and results here!
computer-vision data-science machine-learning matplotlib numpy pandas python
Last synced: 12 Mar 2025
https://github.com/chandkund/customer-segmentation
Customer segmentation divides customers into distinct groups based on characteristics and behaviors. This project uses K-Means clustering, an unsupervised machine learning algorithm, to segment customers and provide insights for targeted marketing strategies
kmeans-clustering matplotlib numpy pandas python seaborn
Last synced: 12 Mar 2025
https://github.com/chandkund/customer-segmentation-using-k-means-clustering
Implemented K-Means Clustering to segment customers based on purchasing behavior, enabling targeted marketing strategies. Analyzed data, optimized clusters using the Elbow Method, and derived insights to enhance customer engagement and retention.
data-science kmeans-clustering machine-learning matplotlib numpy pandas python seaborn sklearn
Last synced: 12 Mar 2025
https://github.com/chandkund/object-detection
Read frames from a video and detect objects in each frame and save the cropped objects in to a folder.
Last synced: 12 Mar 2025
https://github.com/chandkund/personalized-meal-recommendation
This project focuses on building a personalized meal recommendation system by predicting cuisines based on the ingredients used. Leveraging NLP and a deep learning model, this system helps users discover meal options tailored to their preferences.
matplotlib nlp numpy pandas sklearn
Last synced: 29 Mar 2025
https://github.com/chandkund/quiz_app
This project is a Java Swing-based GUI application with navigation buttons like Home, About Us, Login, Register, Report, New Exam, and Enter Quiz Code. It provides an intuitive, user-friendly interface for navigating different sections of the application.
Last synced: 12 Mar 2025