GitHub topics: modeltraining
Abhishek17-10/Email-classification
This project classifies emails into 4 categories — Incident, Request, Problem, or Change — while protecting privacy by masking PII (Personally Identifiable Information) like names, emails, and phone numbers.
Language: Python - Size: 7.81 KB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 0 - Forks: 0

Zahit2121/Machine-Learning-Templates-for-Data-Cleaning-Data-Visualization-Data-Preprocessing-Model-Training
This repository offers templates for machine learning tasks, focusing on data cleaning, visualization, preprocessing, and model training. Each template provides clear steps and code snippets to streamline your workflow and improve project efficiency.
Language: Jupyter Notebook - Size: 1.96 MB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 0 - Forks: 0

ImAliShaikh/Machine-Learning-Templates-for-Data-Cleaning-Data-Visualization-Data-Preprocessing-Model-Training
Language: Jupyter Notebook - Size: 2.08 MB - Last synced at: 9 days ago - Pushed at: 9 days ago - Stars: 0 - Forks: 0

akshitsunkari/QuantumInsight
An AI-powered financial analytics platform delivering real-time market insights, predictive modeling, and risk assessments.
Language: TypeScript - Size: 78.1 KB - Last synced at: 19 days ago - Pushed at: 19 days ago - Stars: 0 - Forks: 0

jubileeamechi/PythonProjects
This repository contains a collection of Python projects focused on data analysis, machine learning, and automation. Each project showcases practical applications such as sentiment analysis, predictive modeling, and more, helping to enhance Python programming skills.
Language: Jupyter Notebook - Size: 124 KB - Last synced at: 29 days ago - Pushed at: 29 days ago - Stars: 1 - Forks: 0

nafisalawalidris/Fraud-Detection-with-Supervised-Learning
This repository contains a basic fraud detection system utilising supervised learning techniques to identify potentially fraudulent credit card transactions. The project establishes a baseline model that addresses the challenges of credit card fraud in financial institutions.
Language: Jupyter Notebook - Size: 4.76 MB - Last synced at: 26 days ago - Pushed at: 6 months ago - Stars: 7 - Forks: 1

nurselaltin/AIModelTrainerExamples
Bu solution, ML.NET kullanarak farklı veri setleriyle makine öğrenmesi modelleri eğitmek ve test etmek amacıyla oluşturulmuştur
Language: C# - Size: 415 KB - Last synced at: 21 days ago - Pushed at: 2 months ago - Stars: 1 - Forks: 0

zantro58/AI-Driven-Automation-for-Data-Quality-Monitoring-in-Cloud-Data-Warehouses
This project focuses on leveraging AI to automate data quality monitoring in cloud data warehouses. Traditional data validation methods often require manual intervention and fail to scale with increasing data complexity. By integrating machine learning models, this approach enables real-time anomaly detection, automated data cleansing.
Size: 6.84 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

codehub001/AI-Driven-Automation-for-Data-Quality-Monitoring-in-Cloud-Data-Warehouses
This project focuses on leveraging AI to automate data quality monitoring in cloud data warehouses. Traditional data validation methods often require manual intervention and fail to scale with increasing data complexity. By integrating machine learning models, this approach enables real-time anomaly detection, automated data cleansing.
Size: 0 Bytes - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

jigyasaG18/SONAR-Rock-vs-Mine-Prediction-ML-Project
This repository contains a machine learning project that classifies SONAR reading data to distinguish between rocks and mines. It implements various classification models,evaluates their performance,and features a user-friendly web application deployed with Streamlit for real-time predictions. The project is aimed to help in safe marine operations.
Language: Jupyter Notebook - Size: 271 KB - Last synced at: 2 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

AaimlikAbbasi/Genai_A3
Development of a generative AI model for English-to-Urdu machine translation, leveraging the UMC005 corpus, and evaluating CNN and Vision Transformer architectures for CIFAR-10 image classification.
Language: UrWeb - Size: 2.01 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

rohancodestack/ML-Model-Deployment-on-AWS-SageMaker
Designed and deployed a scalable machine learning pipeline on AWS to detect fraudulent transactions, leveraging SageMaker for model deployment, real-time inference, and feedback-based retraining. Ensured secure data handling with S3 and tenant isolation for a multi-tenant SaaS LMS application.
Language: Python - Size: 5.86 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

WBotCS/fragrance-recommondation
An AI Fragrance Recommendation Project basing on the user preference.
Language: Python - Size: 1.91 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

Not-ML/ML-3
A PyTorch-based Convolutional Neural Network (CNN) for image classification using the CIFAR-10 dataset, featuring advanced architecture, data augmentation, GPU support, and dynamic learning rate scheduling.
Language: Python - Size: 15.6 KB - Last synced at: about 2 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

Jatin-Mehra119/Heart_Disease_Predictor
Data Analysis, Model Training, Model Deployment.
Language: Jupyter Notebook - Size: 1020 KB - Last synced at: about 2 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

shivamkumar818/MBTI-Personality-Prediction-from-Text-Data
MBTI Personality Prediction from Text Data This project leverages machine learning to predict Myers-Briggs Type Indicator (MBTI) personality types based on textual data, specifically from social media posts.
Language: Jupyter Notebook - Size: 25 MB - Last synced at: about 1 month ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

SN1027/Hand-Gesture-recognition-using-machine-learning-and-mediapipe
This Hand gesture recognition project using mediapipe is developed to recognize various hand gestures. The user can custom train any number of various hand gestures to train a model.
Language: Python - Size: 1.04 MB - Last synced at: 12 days ago - Pushed at: 6 months ago - Stars: 2 - Forks: 0

Jimmymugendi/Titanic-Survival-Prediction-Using-Machine-Learning
An advanced machine learning project deploying a model for Titanic passenger survival prediction, including deployment on ngrok for easy access.
Language: Jupyter Notebook - Size: 25.4 KB - Last synced at: about 2 months ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

shubhamsoni98/Classification-with-Random-Forest---2
Fraud detection is a critical task for financial institutions and businesses. This document outlines the end-to-end process of predicting fraudulent activities using a Random Forest model. The process includes data preparation, exploration, model training, and evaluation.
Language: Jupyter Notebook - Size: 187 KB - Last synced at: 28 days ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

shubhamsoni98/Capstone_Project_1_Financial-Analytics
Predicting Stock Prices for Top 5 Global Tech Companies
Language: Jupyter Notebook - Size: 496 KB - Last synced at: 28 days ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

arjunraj79/Custom_NIDS_with_ML
A simple Python script to check the strength of a password based on length, the inclusion of numbers, special characters, and upper/lower case letters.
Language: Python - Size: 18.7 MB - Last synced at: about 2 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

Chatura-17/Car-Price-Prediction
This project aims to predict the prices of cars based on various features such as year of manufacture, brand, mileage, and other relevant factors. Leveraging machine learning algorithms, this project explores different regression techniques to create an accurate model for car price prediction.
Language: Jupyter Notebook - Size: 30.3 KB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

ShivangeeRajput/AgroShield
A Deep Learning application designed to detect plant 🌱diseases using images of plant leaves🌿, powered by TensorFlow technology.
Language: Java - Size: 16 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 1 - Forks: 0

shubhamdeepkeshav/FRAUD-DETECTION-PROJECT
Welcome to the Fraud Detection Project! This repository uses machine learning 🧠 to detect fraudulent transactions 💳. It includes data preprocessing 🛠️, model training 📚, evaluation 📊, and visualization 📈. Explore, experiment, and contribute 🤝 to improve fraud detection accuracy. Check the README for setup and usage instructions.
Language: Jupyter Notebook - Size: 244 KB - Last synced at: 2 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

PartiGayatri/heart-failure-prediction
Predicting heart failure using Decision Tree algorithm with a dataset sourced from Kaggle. Achieved 99% accuracy, demonstrating robust performance as a binary classifier.
Language: Jupyter Notebook - Size: 3.35 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

shubvats/house-price-prediction
Repository for predicting house prices using the Ames Housing dataset. Implements advanced regression techniques with TensorFlow Decision Forests, including Random Forests. The project covers data exploration, feature engineering, model training, evaluation, and visualization.
Language: Python - Size: 266 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

SilenceGeneric/DarkAI
A dark web analysis tool.
Language: Python - Size: 66.4 KB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 1 - Forks: 0

AvishakeAdhikary/Realtime-Sign-Language-Detection-Using-LSTM-Model
Realtime Sign Language Detection: Deep learning model for accurate, real-time recognition of sign language gestures using Python and TensorFlow.
Language: Jupyter Notebook - Size: 14.9 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

shubhro2002/Life-Expectancy-Analysis-and-Prediction
This repository contains the LifeExpectancy Prediction Project, a comprehensive data science project aimed at predicting life expectancy based on various health, economic, and social factors. The project includes steps for data preprocessing, exploratory data analysis (EDA), model selection, training, hyperparameter tuning, and model interpretation
Size: 504 KB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

khizraayaseen/clothes-price-prediction
This project focuses on predicting the prices of clothes based on various features such as category, size, and color. Leveraging the power of machine learning, specifically supervised learning algorithms, we aim to build a robust predictive model capable of estimating prices with high accuracy.
Language: Jupyter Notebook - Size: 1.16 MB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

rachitdani/Credit-Card-Fault-Detection-Project
This project detects if the card holder will default on the credit payment on the following month or not by implementation of various ML Classification Algorithms in a modular coding format
Language: Jupyter Notebook - Size: 964 KB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

kashifmughal05/Flight_Price_Prediction_EDA_and_Feature_Engineering
Flight Price Prediction (EDA and Feature Engineering), cleaning and preparing data for model training.
Language: Jupyter Notebook - Size: 593 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

MaheshKumarMK/Compressive-strength-prediction
The main purpose of this repository is to build the pipeline for training of regression models and predict the compressive strength of concrete to reduce the risk and cost involved in discarding the concrete structures when the concrete cube test fails.
Language: Python - Size: 187 KB - Last synced at: about 1 year ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

bilet-13/No_code_DNN
Web platform allows users to upload CSV files and train a machine learning model using the uploaded data
Language: Python - Size: 22.5 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

Huzaifa-367/MLOps-Text-Classification
Text Classification with Naive Bayes
Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

7PAM2015-0105-2023-TEAM17/Kaggle-Challenge-Team-17
This is a Data Science task related to kaggle challenge of Titanic Spaceship
Language: Jupyter Notebook - Size: 4.46 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

OmerGamie/mlproject
This repo hosts an end-to-end machine learning project designed to cover the full lifecycle of a data science initiative. The project encompasses a comprehensive approach including data Ingestion, preprocessing, exploratory data analysis (EDA), feature engineering, model training and evaluation, hyperparameter tuning, and cloud deployment.
Language: Jupyter Notebook - Size: 1.93 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

ainy-rehman/largelanguagemodel_consumerbrand
This project utilizes a machine learning model where consumer brand data is employed. Initially, a preliminary model is developed, followed by a refined model using a process called 'fine-tuning' to improve results. Additionally, a comprehensive testing suite has been created to validate accuracy and reliability of the model's predictions.
Language: Jupyter Notebook - Size: 752 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

nardyjh/deep-learning-model
Alphabet Soup Charity: A deep learning model to predict the success of charitable donations, enhancing decision-making for fund allocation and impact optimization.
Language: Jupyter Notebook - Size: 96.4 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

SililaWijesinghe/Vegetable-Detection-with-Tensorflow-learning-PYTHON
One notebook trains a vegetable classification model with InceptionV3 using TensorFlow and Keras. The second notebook showcases the pre-trained model's inference on vegetable categories, loading InceptionV3 and enhancing image features. Together, they offer a compact solution for vegetable classification through deep learning.
Language: Jupyter Notebook - Size: 9.12 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

ghulam-ahmad-1/House-prize-Prediction
Model Trainig To predict the Prize Of House
Language: Jupyter Notebook - Size: 1.28 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Anithanaidu33/Titanic-Classification
The Titanic classification problem involves predicting whether a passenger on the Titanic survived or not, based on various features available about each passenger. The sinking of the Titanic in 1912 is one of the most infamous maritime disasters in history, and this dataset has been widely used as a benchmark for predictive modeling.
Language: Python - Size: 1.95 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

usmanelahi/Fraud-Detection-In-Online-Transactions
Data Science Project
Language: Jupyter Notebook - Size: 666 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

Mahenoor-Merchant/Diabetes-Prediction
The Diabetes Prediction Model is a machine learning application that predicts diabetes based on input features such as pregnancies, glucose level, blood pressure, skin thickness, insulin, BMI, diabetes pedigree function, and age. It utilizes a logistic regression algorithm for binary classification.
Language: Jupyter Notebook - Size: 110 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

Thilagavijayan/Datascience_Mentorship_and_Development
This repository serves as a comprehensive resource for understanding and implementing various feature selection techniques, gaining familiarity with Jupyter Notebook, and mastering the process of model training and evaluation
Language: Jupyter Notebook - Size: 17.5 MB - Last synced at: 12 months ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

samchak18/Capstone_Project_3_Coronavirus-Tweet-Sentiment-Analysis
AlmaBetter Capstone Project -Classification model to predict the sentiment of COVID-19 tweets. The tweets have been pulled from Twitter and manual tagging has been done then.
Language: Jupyter Notebook - Size: 26.6 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0
