An open API service providing repository metadata for many open source software ecosystems.

GitHub topics: scikit-learn-python

erick957/saleprice-prediction-dataset-analysis-and-cleaning-advance-regression

🏠 Predict house prices using advanced regression techniques with this comprehensive analysis and cleaning project, from data loading to model deployment.

Size: 1.29 MB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 0 - Forks: 0

OgliariNatan/playing_with_scikit-learn

Para noções do scikit-learn

Language: Python - Size: 9.77 KB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 0 - Forks: 0

2003Arjun/Ai-ChatBot

This is an intelligent chatbot system built using Django (Python Web Framework), trained with `scikit-learn`, and enhanced using NLTK for natural language processing. It allows users to interact through a web-based chat interface and receive intelligent responses based on predefined intents.

Size: 10.7 KB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 1 - Forks: 0

Shivangg21/TimeLSTM

📈 Simplify multi-step time series forecasting with our interactive Streamlit app, featuring customizable LSTM models and intuitive data handling.

Language: Python - Size: 19.1 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 0 - Forks: 0

mwasifanwar/automl_framework

Comprehensive AutoML framework that automates data preprocessing, feature engineering, model selection, hyperparameter tuning, and deployment. Features neural architecture search and automated data cleaning pipelines.

Language: Python - Size: 34.2 KB - Last synced at: 12 days ago - Pushed at: 12 days ago - Stars: 0 - Forks: 0

Silas-NEQ/cosmetic-emulsion-viscosity-prediction

Machine learning project to predict viscosity in cosmetic emulsions using Python

Language: Python - Size: 205 KB - Last synced at: 17 days ago - Pushed at: 17 days ago - Stars: 0 - Forks: 0

mikekeith52/scalecast

The practitioner's forecasting library

Language: Python - Size: 1.16 GB - Last synced at: 18 days ago - Pushed at: 18 days ago - Stars: 345 - Forks: 40

BaseMax/ImageRecognitionAI

Recognition of the images with artificial intelligence includes train and tests based on Python.

Language: Python - Size: 31.3 KB - Last synced at: 23 days ago - Pushed at: about 1 year ago - Stars: 15 - Forks: 7

microsoft/ML-For-Beginners

12 weeks, 26 lessons, 52 quizzes, classic Machine Learning for all

Language: Jupyter Notebook - Size: 1.49 GB - Last synced at: 24 days ago - Pushed at: 24 days ago - Stars: 78,277 - Forks: 17,996

KBhardwaj-007/Credit-Card-Fraud-Detection

An end-to-end MLOps project for credit card fraud detection. Features a cost-sensitive hybrid ensemble model, real-time monitoring dashboard with Streamlit, automated PDF fraud reporting, SHAP/LIME explainability, and proactive data drift detection.

Language: Jupyter Notebook - Size: 1.93 MB - Last synced at: 28 days ago - Pushed at: 28 days ago - Stars: 0 - Forks: 0

pH-7/Python-GLM-ML-Pipeline

ML Python - Logistic Regression (GLM)

Language: Python - Size: 17.6 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 1 - Forks: 0

Nyx1311/TimeLSTM

TimeLSTM: An interactive Streamlit app for multi-step time series forecasting using LSTM networks, featuring data preprocessing, visualization, GPU-accelerated model training, and automated result export.

Language: Python - Size: 17.9 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

Joy569002/Python_practice_ML_AI

Here I am gathering ml notes ,ml algo in python from scratch and books on it .

Language: Jupyter Notebook - Size: 57.6 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

Infinitode/Scikit-learn-Model-Updater

An open-source tool to convert older Scikit-learn models to the newer version.

Language: Python - Size: 21.5 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 1 - Forks: 0

potatoesAndMolasses/fraud_detection

Machine learning projects focused on fraud detection.

Language: Jupyter Notebook - Size: 349 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

shramitamaheshwari/Bus-demand-forecasting

End-to-end Bus Demand Forecasting project: performed data preprocessing, feature engineering, and trained models (LightGBM) to predict seat demand. Includes cross-validation, evaluation (RMSE), and generates submission files for competition use.

Language: Python - Size: 4.88 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

dimitrismistriotis/alt-profanity-check Fork of vzhou842/profanity-check

A fast, robust library to check for offensive language in strings, dropdown replacement of "profanity-check".

Language: Python - Size: 64.9 MB - Last synced at: about 2 months ago - Pushed at: 2 months ago - Stars: 82 - Forks: 17

ramtinrhn/Machine-Learning-and-Deep-Learning-on-Python

Hands-on machine learning and deep learning projects in Python using popular libraries like NumPy, Pandas, Scikit-learn, TensorFlow, and PyTorch.

Language: Jupyter Notebook - Size: 7.7 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

Sukrut10k/Smart-Water-Leak-Detection

AI-powered Smart Water Leak Detection system using Machine Learning and IoT sensor data. Includes a Streamlit dashboard for real-time leak prediction, geo-visualization, batch analysis, and AI-driven insights.

Language: Jupyter Notebook - Size: 874 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

makanya254/stock_price_prediction_random_forest_yfinance

📈 Predict next-day stock price ranges using a Random Forest model trained on Yahoo Finance data, streamlining your investment strategies.

Size: 414 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

29Ra7jn8iSu0th0ar/Traffic-Accident-Prediction

The Traffic Accident Prediction project aims to develop a system that predicts accident likelihood and severity using historical data. It provides insights to authorities and the public to enhance road safety and reduce accident costs.

Language: Jupyter Notebook - Size: 38.4 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 1 - Forks: 0

EshaYadav11/sms-spam-classifier

A lightweight machine learning project that classifies SMS messages as Spam or Not Spam using text preprocessing, Bag of Words, and models like Naive Bayes and Logistic Regression.

Language: Jupyter Notebook - Size: 256 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

ODUNAYOMIDE-YAKUBU/Student-Stress-Prediction-Model-Project-Using-Random-Forest

Predicts student stress levels (0–5) from behavioral data using a reproducible scikit-learn pipeline with domain-driven feature engineering and a balanced Random Forest.

Language: Jupyter Notebook - Size: 4.05 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

MYounus-Codes/saleprice-prediction-dataset-analysis-and-cleaning-advance-regression

In this project I have cleaned the data for the model. Project Google Colab Link: https://colab.research.google.com/drive/1vQY-XEFJSdEkW2PQOSf1j13Yk8L-XXNw?usp=sharing

Size: 6.84 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 1 - Forks: 0

Luiz-otavio-creator/credit-risk

Credit risk modeling using machine learning techniques (LightGBM, Optuna) on the Home Credit dataset.

Language: Jupyter Notebook - Size: 7.79 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

kaidalisohaib/AICohortW24

Winter24AICohort

Language: Jupyter Notebook - Size: 42.8 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

torin25/transaction-categorization-spend-insights

Spend insights + optional risk in Streamlit: upload CSVs to auto-categorize, chart trends/KPIs, set monthly budgets, download reports, and flag anomalies with Isolation Forest and explainable rules.

Language: Jupyter Notebook - Size: 2.18 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

Suundumused/Weather-Forecast-AI-Example

The project scope is a weather forecasting model based on behavioral analysis of the last 33 hours (hour-by-hour forecast) with Random Forest Classifier. The program automatically saves and loads the last trained model for prediction.

Language: Python - Size: 4.37 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 3 - Forks: 0

MrGanja890/stock_price_prediction_random_forest_yfinance

A machine learning project that predicts next-day stock price ranges using a Random Forest model on Yahoo Finance data. For educational use only.

Size: 411 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

aass00648388/AI-Powered-Churn-Prediction

AI-Powered-Churn-Prediction: Streamlit+Plotly dashboard using ML on telecom data to predict churn, display drivers, and enable targeted retention. 🐙

Language: Jupyter Notebook - Size: 1.79 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

Durveshbaharwal/Enhanceing_GPS_ML

Enhancing GPS Positioning Accuracy Using Machine Learning

Language: Jupyter Notebook - Size: 1.99 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 4 - Forks: 0

Luansouzallo/Analise-Inadimplencia

Pipeline completo de machine learning para identificar clientes inadimplentes antes da concessão de crédito.

Language: Jupyter Notebook - Size: 59.6 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

Snehaghosh29/customer-churn-prediction-for-bank

Predict customer churn for a bank using machine learning in Python.

Language: HTML - Size: 3.33 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

Shrey765/Bengaluru-House-Price-Prediction

🔮 A Flask web app that predicts Bangalore house prices using ML

Language: HTML - Size: 701 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

cristiangodoyangel/Modelo-de-Prediccion-Suscripcion-Productos-Bancarios

Predicción de la intención de suscribirse a depósitos bancarios mediante ML, con análisis, limpieza y modelado del dataset de marketing del UCI.

Language: Jupyter Notebook - Size: 1.43 MB - Last synced at: 3 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

07raghavan/threat-detection-

This repository contains a deep learning-based audio classification project using Convolutional Neural Networks (CNNs). The model processes audio signals, extracts relevant features like spectrograms classifies them into predefined categories. Which will be used to detect threats in the forest such as gunshots, vehicle movement, wood cutting.

Language: Python - Size: 23.4 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

DurgasaiKoda/fish-disease-detection

🐟 Fish Disease Detection using Streamlit and Machine Learning. Upload fish images to detect diseases using trained ML models (SVM, Random Forest, XGBoost, etc.). Models are auto-cached and compared with dynamic accuracy visualization.

Language: Python - Size: 705 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

Tdeniz1/heart-disease-ml

Machine learning heart disease predictor.

Language: Jupyter Notebook - Size: 202 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

Any11222/CodeClauseInternship_Customer-Segmentation-with-K-Means-Clustering

Customer segmentation using K-Means clustering on mall customer data. Visualizations, analysis, and CSV output included.

Language: Python - Size: 57.6 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

Assa-45/bananaquality-prediction

Streamlit App for predicting banana's quality

Language: Python - Size: 1.22 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

bloom121/uci-marketing-analysis-cart

UCI bank marketing data analysis with decision trees (CART).

Language: Python - Size: 77.1 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

Shantanudhanawade/Mini-projects

Price prediction with linear regression

Language: Jupyter Notebook - Size: 55.7 KB - Last synced at: about 1 month ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

Yonatankinfe/IMDB-Sentiment-Analysis

This project provides a basic machine learning pipeline to classify movie reviews as positive or negative using scikit-learn.

Language: Python - Size: 31.3 KB - Last synced at: 2 months ago - Pushed at: 5 months ago - Stars: 1 - Forks: 0

andleebfama/Data-Preprocessing

This project focuses on data preprocessing of the Titanic dataset, which is a crucial step in any data analysis or machine learning workflow. The goal is to clean the raw data by handling missing values, converting categorical data into numeric format, and normalizing numerical features.

Language: Python - Size: 42 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

Abdelrahman-Atef-Elsayed/Iris-Flower-Classification

Simple machine learning project for classifying Iris flowers using scikit-learn. A beginner-friendly ML project with multiple models comparison (Decision Tree, SVM, etc.)

Language: Python - Size: 16.6 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 1 - Forks: 0

aditybarnwal22/Lung-Cancer-Prediction-App

This project, titled “Lung Cancer Prediction,” presents a web-based application that enables preliminary risk assessment for lung cancer using Machine Learning Algorithms.

Language: HTML - Size: 3.4 MB - Last synced at: 4 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

narendhiran-dev/Predictive-Analytics-for-Repayment-Predictions

A machine learning API built with Python, FastAPI, and Scikit-learn to predict borrower repayment risk based on historical payment data. A FinTech risk assessment system that uses a Random Forest model to predict a borrower's future repayment behavior and serves the prediction via a REST API.

Language: Python - Size: 15.6 KB - Last synced at: 25 days ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

dataprofessor/code

Compilation of R and Python programming codes on the Data Professor YouTube channel.

Language: Jupyter Notebook - Size: 30.9 MB - Last synced at: 6 months ago - Pushed at: about 1 year ago - Stars: 972 - Forks: 1,440

niitsuma/delayedsparse

Efficient sparse matrix implementation for various "Principal Component Analysis"

Language: Python - Size: 26.4 KB - Last synced at: 2 months ago - Pushed at: about 7 years ago - Stars: 12 - Forks: 2

IAmJuniorB/D499-Supervised-Learning

This class for machine Learning presents the end-to-end process of investigating data through a machine learning lens.

Language: HTML - Size: 1.63 MB - Last synced at: 3 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

Haseeeb21/Machine-Learning-Models

Machine Learning Models trained on Scikit-learn datasets. This repository contains the code files and saved models trained on Toy datasets (Classification & Regression), and Real World dataset.

Language: Jupyter Notebook - Size: 10.8 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

aabbtree77/uci-marketing-analysis-cart

UCI bank marketing data analysis with decision trees (CART).

Language: Python - Size: 77.1 KB - Last synced at: 4 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

jhylin/ML2-3_boosted_trees

Machine learning series 2.3 on boosted trees

Language: Jupyter Notebook - Size: 400 KB - Last synced at: 2 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

LatiefDataVisionary/scikit-learn-with-indonesia-belajar

Language: Jupyter Notebook - Size: 9.34 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

SuperKogito/Voice-based-speaker-identification

:sound: :boy: :girl: :woman: :man: Speaker identification using voice MFCCs and GMM

Language: Python - Size: 105 KB - Last synced at: 2 months ago - Pushed at: almost 5 years ago - Stars: 54 - Forks: 15

SuperKogito/Voice-based-gender-recognition

:sound: :boy: :girl:Voice based gender recognition using Mel-frequency cepstrum coefficients (MFCC) and Gaussian mixture models (GMM)

Language: Python - Size: 8.96 MB - Last synced at: 8 months ago - Pushed at: over 2 years ago - Stars: 213 - Forks: 68

vatsalmehta2001/wine_quality_prediction

End-to-end machine learning project predicting wine quality based on chemical properties, featuring data exploration, feature engineering, model optimization, and an interactive Streamlit interface.

Language: Python - Size: 36.2 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

suleymancgn/NLP-SentimentClassification

NLP-SentimentClassification is a repository for natural language processing projects focused on analyzing and classifying sentiment in text data using various machine learning techniques. It provides code examples and resources for training models to accurately predict sentiment in text-based data sources.

Language: Jupyter Notebook - Size: 727 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

jdonepud/NLP-SentimentClassification

Language: Jupyter Notebook - Size: 747 KB - Last synced at: 27 days ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

azevedontc/scikit-learnLibrary

scikit-learn Library (sk-learn) / Biblioteca scikit-learn (sk-learn)

Language: Jupyter Notebook - Size: 4.85 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 1 - Forks: 0

OCHOLA-EDDYPHIL/Clustering

This project performs hierarchical clustering on a dataset containing network usage and performance metrics. It includes data preprocessing, encoding, normalization, and visualization of clustering results using dendrograms. The purpose is to analyze and group similar data points, offering insights into patterns and relationships within the dataset

Language: Python - Size: 19.5 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

brandipessman/PyCharm_Python_Course

Learned to use python for data science, machine learning, automation, and game/app/web development through 100 day intensive course.

Language: Jupyter Notebook - Size: 40.4 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

priyaa98/Projects

Topics related to Machine Learning

Language: Python - Size: 8.79 KB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

reddyprasade/Machine-Learning-with-Scikit-Learn-Python-3.x

In general, a learning problem considers a set of n samples of data and then tries to predict properties of unknown data. If each sample is more than a single number and, for instance, a multi-dimensional entry (aka multivariate data), it is said to have several attributes or features. Learning problems fall into a few categories: supervised learning, in which the data comes with additional attributes that we want to predict (Click here to go to the scikit-learn supervised learning page).This problem can be either: classification: samples belong to two or more classes and we want to learn from already labeled data how to predict the class of unlabeled data. An example of a classification problem would be handwritten digit recognition, in which the aim is to assign each input vector to one of a finite number of discrete categories. Another way to think of classification is as a discrete (as opposed to continuous) form of supervised learning where one has a limited number of categories and for each of the n samples provided, one is to try to label them with the correct category or class. regression: if the desired output consists of one or more continuous variables, then the task is called regression. An example of a regression problem would be the prediction of the length of a salmon as a function of its age and weight. unsupervised learning, in which the training data consists of a set of input vectors x without any corresponding target values. The goal in such problems may be to discover groups of similar examples within the data, where it is called clustering, or to determine the distribution of data within the input space, known as density estimation, or to project the data from a high-dimensional space down to two or three dimensions for the purpose of visualization (Click here to go to the Scikit-Learn unsupervised learning page).

Language: Jupyter Notebook - Size: 72.8 MB - Last synced at: 4 months ago - Pushed at: over 4 years ago - Stars: 55 - Forks: 27

PREMRAJESH/Machine_learning_notes

Machine Learning libraries tutorial and basics notes

Language: Jupyter Notebook - Size: 65.4 KB - Last synced at: about 1 year ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

ViniciusMassari/regressao_linear_multipla

Prediction of a cholesterol exam based in some features about the patient

Language: Jupyter Notebook - Size: 768 KB - Last synced at: 9 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

Niroop2004/Real_estate_price_prediction.

This Flask app predicts house prices using a RandomForestRegressor model trained on a housing dataset. It includes data pre-processing with pipelines and imputers, stratified train-test splitting, and a user input form. Predictions are displayed on the web page, making it ideal for learning basic machine learning deployment with Flask.

Language: Python - Size: 127 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

mongshil553/Scikit-Learn-Clustering

Sleep Health and Lifestyle Clustering using Scikit-Learn

Language: Python - Size: 3.14 MB - Last synced at: 9 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

lixcli/simple_classification_of_hanzi

simple classification of hanzi by scikit-learn

Language: Python - Size: 12 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

JamshedAli18/Introduction-To-Machine-Learning

A Course from kaggle solved Exercises

Language: Jupyter Notebook - Size: 41 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 3 - Forks: 0

SubhangiSati/Machine-Learning

This consists of various machine learning algorithms like Linear regression, logistic regression, SVM, Decision tree, kNN etc. This will provide you basic knowledge of Machine learning algorithms using python. You'll learn PyTorch, pandas, numpy, matplotlib, seaborn, and various libraries.

Language: Python - Size: 17.6 KB - Last synced at: 6 months ago - Pushed at: almost 2 years ago - Stars: 2 - Forks: 0

my-thought-experiments/explore-scikit-learn

A collection of documents and programs to learn about Data Science and ML using Scikit-learn.

Size: 5.86 KB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 0

AjayZinngg/simple-nltk-chatbot

A Q&A based chatbot which queries the database to find responses for similar questions asked by the users

Language: Python - Size: 35.2 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

yporquenoahora/Recomendador-Front

Buscador y recomendador del catálogo de películas de Filmin

Language: Svelte - Size: 4.7 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

YasserBar/IR-Search-Engine

Search Engine with Python, NLTK, and Scikit-learn

Language: Jupyter Notebook - Size: 15.8 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

RobertLupas/SentiSense

An AI model built to understand the sentiments transmitted through a phrase.

Language: Python - Size: 6.84 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

AM-mirzanejad/Heart-Failure-Prediction

The Heart Disease Predictor is a Python project developed to classify whether an individual has heart disease based on specific input parameters. It utilizes the scikit-learn and NumPy libraries for implementation.

Language: Jupyter Notebook - Size: 93.8 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

soham6125/SMART-Metro

A website powered by Machine Learning to dynamically predict the shortest and safest route from source to destination.

Language: Jupyter Notebook - Size: 40.4 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

stevenhastings/TweetyPy

Full-Stack application that allows client to use a predictive model to determine which user is more likely to have tweeted a given text. This project covers everything from API's to Predictive Modeling, SQLAlchemy database storage, Flask, along with other full-stack components. In the end it is deployed for online usage using Heroku.

Language: Python - Size: 36.8 MB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

Thamine-sumaya/Jornada-Python

Mini curso - Jornada Python oferecido pela hashtag treinamentos - 4 projetos em Python

Language: Jupyter Notebook - Size: 5.63 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

alanbluefox/pyprog

python programming following lessons on Aurelien Geron book "Hands on ML"

Language: Jupyter Notebook - Size: 6.84 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

chandakakshat/Digital-Kisaan-Portal

A web application designed to support farmer-community with Intelligent Machine Learning technologies, providing live crop recommendation and prediction system, facilitating farmers with online community support and chat bot based on Artificial Intelligence. It also Integrates an on-demand news feed page aiding for socializing within the farmer community.

Language: Jupyter Notebook - Size: 9.33 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 1

NajiAboo/TextClassification

Build custom vacab, Ham /Spam using tfidf , Movie review classification using TFIDF

Language: Jupyter Notebook - Size: 5.11 MB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 1

ShwetaBhattacharjee/Used-Car-Price-Prediction

Collected and classify the used car data from the Dhaka city. Used scikit-learn python toolkit for statistical modeling including classification, regression and predicted new and old car's selling price. This can be a helpful tool for used car selling companies.

Language: Python - Size: 2.93 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

Edai/MLNetworkEmbedding

Several implementation of ML network embedding and graph embedding

Language: Python - Size: 6.05 MB - Last synced at: over 1 year ago - Pushed at: almost 7 years ago - Stars: 0 - Forks: 0

thamizhannal/INSOFE

Works done at International School of Engineering

Language: HTML - Size: 8.82 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 1

sanchitvaid/Housing-Data-analysis

Exploratory data analysis of housing data using Python

Language: HTML - Size: 5.99 MB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

AbhishekRS4/ML_water_potability_fastapi_deployment

ML model application deployment using FastAPI with MLOps using MLFlow for water potability dataset

Language: Python - Size: 7.64 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

Jeyjocar/Redes-Neuronales

24/01/2024 Jeyfrey J. Calero R. Aplicación de Redes Neuronales con scikit-learn streamlit, pandas, seaborn y matplolib

Language: Python - Size: 360 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

charlie2951/mL_Rpi_ZeroW

Machine Learning on Raspberry Pi Zero and Zero-W

Language: Python - Size: 479 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

waldvoid/spotifyProject

Spotify Playlist Music Recommendation System

Language: Jupyter Notebook - Size: 94.1 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

e19931107/Scikit_Learn-Diabetes

Language: Python - Size: 148 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

21sult/recipe-site-traffic

Data Science and Machine Learning project for a recipe website that wishes to increase their traffic.

Language: Jupyter Notebook - Size: 228 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

Go-MinSeong/Predicting-whether-your-mail-will-be-read

predicting whether you read mail

Language: Jupyter Notebook - Size: 16.9 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 2 - Forks: 0

ohmthanap/CS513_Knowledge-Discovery-Data-Mining

Learned techniques and tools for Knowledge Discovery and Data Mining: R, RStudio, Classification Models

Language: R - Size: 38.7 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

Aroojzahra908/Artifical-Intelligence-and-Machine-Learning-

Explore the basics of linear regression, gradient descent, and AI using Python. Get hands-on with NumPy, pandas, Matplotlib, and scikit-learn for practical learning.

Language: Jupyter Notebook - Size: 73.9 MB - Last synced at: 8 months ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

rifatSDAS/satellite_machine_learning

Unsupervised and supervised learning for satellite image classification

Language: Jupyter Notebook - Size: 43 KB - Last synced at: 7 months ago - Pushed at: over 3 years ago - Stars: 4 - Forks: 1

PrathamGhoshRoy/Titanic-MLfromDisaster

A ML learning approach with increasing complexity.

Language: Jupyter Notebook - Size: 125 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

princessnaya1234/ML-House-Prices-Prediction-Model

A trained ML model for prediction of house prices in IOWA using Random Forest Regression technique

Size: 379 KB - Last synced at: almost 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

tanvirnwu/ML-Algorithms--Scikit-learn--Python

This folder contains the basic algorithms of ML implemented with Python.

Language: Jupyter Notebook - Size: 3.16 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

Related Keywords
scikit-learn-python 143 machine-learning 69 python 57 scikit-learn 55 scikitlearn-machine-learning 33 pandas 31 python3 29 data-science 25 numpy 20 machine-learning-algorithms 17 data-analysis 13 sklearn 11 deep-learning 10 jupyter-notebook 10 classification 9 matplotlib 9 tensorflow 8 streamlit 8 random-forest 8 regression 7 data-visualization 7 logistic-regression 7 sklearn-library 7 decision-trees 7 matplotlib-pyplot 6 flask 6 pandas-library 6 seaborn 6 pandas-dataframe 5 artificial-intelligence 5 scikit-learn-api 5 seaborn-plots 5 pandas-python 5 ai 5 feature-engineering 5 linear-regression 5 matplotlib-python 5 xgboost 5 scipy 5 knn-classification 4 machinelearning-python 4 ml 4 supervised-learning 4 decision-tree-classifier 4 scikitlearn 4 random-forest-regressor 4 regression-models 4 machine-learning-models 4 nlp-machine-learning 4 deep-neural-networks 4 svm 4 neural-network 4 algorithms 3 r 3 anomaly-detection 3 classification-models 3 healthcare 3 svm-classifier 3 data-preprocessing-and-cleaning 3 exploratory-data-analysis 3 streamlit-webapp 3 kmeans-clustering 3 clustering 3 predictive-modeling 3 sql 3 time-series 3 learning 3 machine 3 keras 3 machinelearning 3 eda 3 jupyter-notebooks 2 grok 2 kovnatsky 2 marketing-analytics 2 miniconda 2 deepseek 2 conversion-rate 2 csv 2 commerce 2 chatgpt 2 cart 2 flask-api 2 flask-sqlalchemy 2 plotly 2 pyautogui 2 stock-price-prediction 2 bootstrap 2 numpy-library 2 cosine-similarity 2 credit-risk 2 data-mining 2 classification-algorithims 2 feature-selection 2 keras-tensorflow 2 selenium-python 2 nlp 2 django2 2 scikit 2 text-classification-python 2