Ecosyste.ms: Awesome

An open API service indexing awesome lists of open source software.

Awesome Lists | Featured Topics | Projects

scikit-learn

scikit-learn is a widely-used Python module for classic machine learning. It is built on top of SciPy.

https://github.com/roboneet/enron_analysis

udacity project (to be complete)

machine-learning scikit-learn

Last synced: 15 Oct 2024

https://github.com/akhil888binoy/intelligent-supplychain-management-system

Blockchain-powered supply chain management system with ML-driven sales prediction. Streamlines supplier-employee transactions and inventory management. Built with MERN stack, Solidity, and Flask.

blockchain decentralized-payments ethereum express flask foundry hackathon-project inventory-management machine-learning mern-stack mongodb nodejs python react sales-prediction scikit-learn smart-contracts solidity supply-chain-management wagmi

Last synced: 10 Oct 2024

https://github.com/stewartpark/sklearn2gem

⚡ sklearn2gem ports your scikit-learn model into a fast ruby C binding!

ruby rubygem scikit-learn sklearn

Last synced: 11 Oct 2024

https://github.com/mohammad95labbaf/churn-prediction

This project aims to predict customer churn using machine learning algorithms. The project includes data preprocessing, feature engineering, and model evaluation.

adaboost bagging churn churn-analysis churn-prediction decisiontree ensemble-learning knn randomforest scikit-learn sklearn svm voting

Last synced: 10 Oct 2024

https://github.com/saswatamcode/datascienceapi

This is a RESTful API built using Flask and Scikit-Learn. It provides a host of Classification and Regression algorithms that can be used readily and returns results in the form of predictions, confusion matrices, accuracy scores and more.

api flask ml python3 scikit-learn

Last synced: 13 Oct 2024

https://github.com/karimosman89/energy-consumption-forecasting

Predict future energy consumption based on historical data.Create a model that predicts energy consumption in households or businesses to optimize energy distribution and reduce costs.Assist energy companies in planning and managing supply efficiently.

arima lstm matplotlib pandas python scikit-learn

Last synced: 01 Nov 2024

https://github.com/karimosman89/customer-churn-prediction

Predict which customers are likely to stop using a service.Build a model to predict which customers are likely to stop using a service or product. This can help companies take proactive measures to retain customers.Provide actionable insights and retention strategies based on the model’s predictions.

matplotlib-pyplot pandas python scikit-learn seaborn

Last synced: 01 Nov 2024

https://github.com/roovedot/house-price-predictions-with-random-forest-regression-model

Applying Machine Learning Regression Model to Predict Housing Prices for Kaggle "Housing Prices Competition for Kaggle Learn Users".

machine-learning pandas random-forest-regression scikit-learn

Last synced: 01 Nov 2024

https://github.com/sonu275981/flight-fare-prediction

End to end implementation of Machine Learning Airline Flight Fare Prediction using python

flight-price-prediction gradient-boosting machine-learning predicts-flight-fares python3 regression-models scikit-learn

Last synced: 05 Nov 2024

https://github.com/maxwelllzh/linearizer

Linearizing parameters for linear regression

data-analysis machine-learning scikit-learn

Last synced: 04 Nov 2024

https://github.com/enyaude/california_house_price_prediction

Developed a California house price prediction model utilizing linear regression and Random Forest, and applied machine learning techniques such as Ridge, and Lasso for optimization in Python.

jupyter-notebook linear-regression python random-forest scikit-learn streamlit

Last synced: 31 Oct 2024

https://github.com/chengetanaim/beatrecommendersystembackend

A system for music producers and rappers/singers. I was trying to implement the product recommendation feature for music uploaded by producers. I used the collaborative filtering algorithm to be able to recommend songs to users.

fastapi scikit-learn sqlalchemy unsupervised-learning

Last synced: 10 Oct 2024

https://github.com/dinhanhx/determination

Scripts to set global random for some machine learning framework

determination deterministic keras pytorch randomness scikit-learn tensorflow2

Last synced: 14 Oct 2024

https://github.com/bsamseth/triangular-regressor

A scikit-learn compatible implementation of a 2D triangular regressor.

scikit-learn triangulation

Last synced: 25 Oct 2024

https://github.com/akhileshthite/india-population

ML (simple linear regression) model for predicting India's population.

machine-learning numpy pandas python scikit-learn

Last synced: 12 Oct 2024

https://github.com/davidcgong/birddog.io

Real estate forecasting using Zillow Research data

forecasting pandas scikit-learn

Last synced: 04 Nov 2024

https://github.com/fahrettinsolak/ai-map-based-geographic-clustering-project

This project focuses on clustering crime incidents in San Francisco using the K-Means algorithm. The dataset is obtained from Kaggle and contains information about crime types, geographical coordinates, and other relevant features. The goal is to identify crime hotspots through geographic clustering and visualize the clusters on an interactive map.

artificial-intelligence deep-learning elbow-method jupyter-notebook machine-learning numpy openstreetmap pandas phyton plotly scikit-learn standardscaler

Last synced: 17 Oct 2024

https://github.com/jt2m0l3y/quantified-self

The final project for an introduction to data science, this project is a practice in supervised machine learning with kNN and Decision Tree Classifiers.

data-visualization decision-trees eda jupyter-notebooks knn-classification latex markdown numpy pandas python scikit-learn statistical-analysis supervised-learning

Last synced: 07 Nov 2024

https://github.com/s0fft/airline-passenger-satisfaction

Airline-Customer-Model — Machine Learning Project on: Scikit-learn / Pandas / Matplotlib / Seaborn

jupyter-notebook mashine-learning matplotlib pandas python3 scikit-learn seaborn

Last synced: 31 Oct 2024

https://github.com/nits2612/data-science-projects

Portfolio of data science projects completed by me during PGP AI/ML, self learning, and hobby purposes.

data data-science dataanalysis deep deep-learning keras machine-learning matplotlib numpy opencv pandas python scikit-learn seaborn surprise-python tensorflow transfer-learning

Last synced: 31 Oct 2024

https://github.com/presizhai/iris-predictor-fastapi

A web application for predicting the species of Iris flowers using a machine learning model trained with the Iris dataset, with FastAPI, a modern web framework for building APIs.

essemblelearning fastapi python random-forest-classifier scikit-learn uvicorn

Last synced: 01 Nov 2024

https://github.com/angelarreola/ai_notes

Notas de la materia "Inteligencia Artificial" para su posterior extraccion mediante algun modelo de lenguaje que nos permita dar respuestas personalizadas con base a la informacion presente en este repositorio.

ai matplotlib numpy pandas phaserjs python scikit-learn

Last synced: 04 Nov 2024

https://github.com/peterchain/titanic

Script for the Titanic dataset for evaluating which passengers survived

kaggle machine-learning pandas-dataframe python3 scikit-learn

Last synced: 19 Oct 2024

https://github.com/jianninapinto/bandersnatch

This project implements a machine learning model using Random Forest, XGBoost, and Support Vector Machines algorithms with oversampling and undersampling techniques to handle imbalanced classes for classification tasks in the context of predicting the rarity of monsters.

altair imbalanced-classification imblearn machine-learning mongodb oversampling pycharm-ide pymongo python random-forest-classifier scikit-learn smote support-vector-machines undersampling xgboost

Last synced: 26 Sep 2024

https://github.com/abhipatel35/diabetes_ml_classification

Predict diabetes using machine learning models. Experiment with logistic regression, decision trees, and random forests to achieve accurate predictions based on health indicators. Complete lifecycle of ML project included.

classification data-analysis data-science data-visualization descision-tree diabetes-prediction jupiter-notebook logistic-regression machine-learning model-evaluation open-source pandas pycharm-ide python random-forest scikit-learn

Last synced: 31 Oct 2024

https://github.com/shahaba83/airplane-ticket-cancellation

In this project, we try to predict the possibility of canceling the plane ticket by the buyer

datatime numpy pandas python scikit-learn seaborn

Last synced: 31 Oct 2024

https://github.com/rtmigo/skifts_py

Search for the most relevant documents containing words from a query. Uses Scikit-learn and Numpy

cosine-similarity information-retrieval numpy python scikit-learn text-mining tf-idf

Last synced: 14 Oct 2024

https://github.com/anty-filidor/cyberbullying-detector

NLP bullying detector for tweets with ML model training pipeline deployed as web-app with CICD

deployment-system flask-api machine-learning nlp python scikit-learn

Last synced: 14 Oct 2024

https://github.com/samkazan/fraud-detection-ml

Machine learning models for enhanced fraud detection in e-commerce transactions, exploring feature engineering, distance prediction, and clustering analysis.

clustering data-science data-visualization dataanalytics dbscan eda hierarchical-clustering kmeans-clustering knn-imputer matplotlib mlxtend python scikit-learn seaborn xgboost

Last synced: 05 Nov 2024

https://github.com/shridhar1504/boston-house-price-prediction-datascience-project

The Boston House Price Prediction project utilizes data science methodologies and machine learning algorithms to provide accurate predictions for housing prices in the Boston area.

boston data-science house-price-prediction machine-learning regression-algorithms regression-models scikit-learn supervised-learning

Last synced: 05 Nov 2024

https://github.com/fgebhart/handson-ml

hands-on machine learning notebooks collection

jupyter-notebook machine-learning scikit-learn

Last synced: 11 Oct 2024

https://github.com/lucs1590/commom_segmentations

The purpose of this repository is to document and expose code samples using common threading techniques.

computational-vision machine-learning open-source opencv python scikit-image scikit-learn segmentation sklearn

Last synced: 11 Oct 2024

https://github.com/tapas-gope/telecommunication-customer-churn

This project involves predicting customer churn in a telecommunications company using machine learning techniques, exploring various features' impact, optimizing models, and identifying key factors influencing churn.

feature-engineering matplotlib-pyplot model-evaluation-and-validation numpy pandas python scikit-learn

Last synced: 31 Oct 2024

https://github.com/tanaybhadula/ml-preprocessing-cli

A CLI tool with python to preprocess datasets for performing supervised learning to save time for users. Input data can be preprocessed using simple commands and preprocessed dataset can be downloaded later

cli data-cleaning data-preprocessing machine-learning pandas python scikit-learn

Last synced: 11 Oct 2024

https://github.com/yungshenglu/pokemonrecognition

Recognize Pokemon's image using scikit-learn in Python

knn-model python scikit-learn svm-model

Last synced: 06 Nov 2024

https://github.com/zsailer/skspline

A Scikit-learn interface on Scipy's spline.

scikit-learn scipy

Last synced: 05 Nov 2024

https://github.com/alexsolov28/vkrb

Выпускная квалификационная работа бакалавра

matplotlib numpy pandas python scikit-learn seaborn streamlit

Last synced: 31 Oct 2024

https://github.com/henrytseng/example_docker_scikit-learn

A quick example of using Scikit-Learn from a Docker container

docker scikit-learn

Last synced: 14 Oct 2024

https://github.com/ksasi/boston_housing

Predicting Boston Housing Prices - Udacity

machine-learning numpy pandas python scikit-learn

Last synced: 15 Oct 2024

https://github.com/oneapi-src/customer-churn-prediction

AI Starter Kit for customer churn prediction using Intel® Extension for Scikit-learn*

machine-learning scikit-learn

Last synced: 05 Nov 2024

https://github.com/achronus/data-exploration

A repository dedicated to interesting data exploration projects I've completed

data-analysis exploratory-data-analysis machine-learning matplotlib pandas python scikit-learn seaborn

Last synced: 13 Oct 2024

https://github.com/enayar478/nomad_machine_learning_dash_app

An interactive Machine Learning app built with Dash and Plotly, developed as part of the Data Analytics Bootcamp at Le Wagon Bordeaux. It allows users to visualize data, make real-time predictions, and explore various model insights.

analytics cachetools dash dashboard-application data-analysis data-science deployment gunicorn interactive-visualization machine-learning pandas plotly plotly-dash prediction-model python python3 render scikit-learn web-application

Last synced: 12 Oct 2024

https://github.com/szymonrucinski/pippi-lang

Elegant 📑 text preprocessing pipeline 🚰 available as pip package 🐍 based on scikit-learn pipeline. Combines Transformer and Column Transformer into a single object.

data-cleaning data-science nlp pipeline scikit-learn

Last synced: 19 Oct 2024

https://github.com/tamk-kol/project_orbital_data_analysis

The goal of this project is to develop an automatic method to detect orbital maneuvers using machine learning.

matplotlib numpy pandas scikit-learn

Last synced: 31 Oct 2024

https://github.com/jonad/finding_donors

Predicting income with UCI Census Income Dataset using supervised machine learning algorithms

numpy pandas scikit-learn scikitlearn-machine-learning

Last synced: 07 Nov 2024

https://github.com/oneapi-src/predictive-asset-health-analytics

AI Starter Kit for Predictive Asset Maintenance using Intel® optimized version of XGBoost

machine-learning scikit-learn

Last synced: 05 Nov 2024

https://github.com/ojhaharsh/rockvsmine-prediction

Streamlit App for Predicting Rock vs. Mine using SONAR Data. The app allows users to input SONAR readings and returns predictions based on trained data.

machine-learning python scikit-learn

Last synced: 12 Oct 2024

https://github.com/tbarlow12/learn-it-your-way

Using Python Flask, I wanted to create a simple web API that allows users to upload a dataset, choose one or more models, store them server side, and then hit an endpoint to get a prediction.

flask machine-learning python scikit-learn tensorflow

Last synced: 19 Oct 2024

https://github.com/mitchmedeiros/mlcompare

Quickly compare machine learning models across libraries and datasets

huggingface-datasets kaggle openml pytorch scikit-learn xgboost

Last synced: 10 Oct 2024

https://github.com/oroszgy/cookiecutter-ml-flask

Cookiecutter template for training and serving machine learning models with scikit-learn, spacy, Flask and Docker

docker flask flask-application machine-learning nlp rest-api scikit-learn spacy

Last synced: 19 Oct 2024

https://github.com/rinuya/ml-cancer-diagnosis

Binary classficiation using MLP & Random Forest

ml mlp random-forest scikit-learn

Last synced: 12 Oct 2024

https://github.com/gilevatanya/yandex-practicum-projects

Кейсы решенные на курсах Яндекс Практикума.

bert bootstrap catboost keras lightgbm matplotlib nltk numpy pandas postgresql python pytorch scikit-learn scipy seaborn sql

Last synced: 15 Oct 2024

https://github.com/selcia25/sleep-disorder-detection

💤This project aims to develop an automated method for detecting sleep disorders from heart rate signals.

cnn-classification kmeans-clustering machine-learning matplotlib scikit-learn scipy sleep-disorders tensorflow

Last synced: 15 Oct 2024

https://github.com/swat1563/recommendation-system

This repository features a recommendation system and analytics engine using datasets on users, organizations, contents, contacts, events, and recommendations. It includes data preprocessing, building a recommendation system, and creating visual reports with Power BI.

analytics data-analysis data-visualization engine kaggle numpy pandas powerbi powerbi-dashboards powerbi-desktop powerbi-reports python recommendation-engine recommendation-system recommender-systems scikit-learn scipy

Last synced: 15 Oct 2024

https://github.com/chris-santiago/tsfeast

A collection of Scikit-Learn compatible time series transformers and tools.

data-science feature-engineering python scikit-learn time-series timeseries-features transformers

Last synced: 27 Oct 2024

https://github.com/marconicivitavecchia/stazione-monitoraggio-ambientale

Codice in MicroPython per ESP32 per il corso tenuto dalla nostra scuola rivolto ai docenti sulla creazione di una stazione di monitoraggio ambientale che copre gli argomenti di Python, IoT ed Intelligenza Artificiale.

ai esp32 micropython micropython-esp32 python school-project scikit-learn

Last synced: 05 Nov 2024

https://github.com/ashrw/handwritten_digit_recognizer

A handwritten digit recognition system using Python and Scikit-learn to preprocess images and classify digits with a trained SVM model.

ml python scikit-learn

Last synced: 12 Oct 2024

https://github.com/emms21/thoughtful_ai

Technical Screening: an agent that responds to semantically similar questions with pre-defined answers, falling back to generic LLM responses otherwise

openai python scikit-learn streamlit

Last synced: 12 Oct 2024

https://github.com/gfyoung/tree-decode

Package for removing the black-box around decision trees

blackbox decision-tree machine-learning python scikit-learn

Last synced: 03 Nov 2024

https://github.com/darenr/gradientboostingmachines

Notebooks exploring strengths and weaknesses of GBM based classifiers

jupyter-notebook lightgbm pandas scikit-learn xgboost

Last synced: 23 Oct 2024

https://github.com/thiagohrcosta/machinelearning-temperature

A Small Machine Learning application leveraging Scikit-Learn and statistical learning to extract knowledge from data without explicit programming.

machine-learning numpy pandas python3 scikit-learn

Last synced: 21 Oct 2024

https://github.com/thiagohrcosta/movieapp-ml

The Movie APP is a project created to apply some of the concepts learned throughout the post-graduation degree at XP Educação in Artificial Intelligence with an emphasis on Machine Learning. While this project is not integrated into the curriculum of the course, some of the concepts used were learned during the program.

docker flask-api machine-learning mysql-database postgresql python scikit-learn

Last synced: 21 Oct 2024