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/bkamapantula/discover

Code search utility to assist developer workflows via code discovery. Currently uses TF-IDF estimator.

developer-tools python scikit-learn tf-idf

Last synced: 06 Dec 2024

https://github.com/gangula-karthik/bank-transaction-classification

Classifying bank transactions with precision—your first step towards smarter finance management 💳🤖📊

finance machine-learning nlp scikit-learn

Last synced: 22 Dec 2024

https://github.com/vishant007/annadataa

A Website For Farmers To Guide Them Regarding Crop Prouction In Their Native Language

django flask-application google-collab kaggle machine-learning-algorithms numpy pandas python3 scikit-learn

Last synced: 12 Nov 2024

https://github.com/allanreda/telco-customer-churn-predictor-app

A web-based machine learning application that predicts customer churn using a logistic regression model. Built with Scikit-Learn for model training, Gradio for the user interface, and deployed on Google Cloud App Engine. The app allows users to input customer data and receive predictions on churn risk to support business decision-making.

app-engine data-visualization deployment google-cloud gradio hyperparameter-tuning logistic-regression machine-learning numpy pandas scikit-learn

Last synced: 28 Dec 2024

https://github.com/adi3042/sensor-fault-detection

🔍⚙️ Ensure Reliable Operations! Detect anomalies and prevent disruptions with our Sensor Fault Detection system. Explore advanced classification and regression techniques to identify and address sensor faults effectively. Your path to robust and accurate sensor data begins here! 🚨🔧 SensorFaultTech

classification css datetime fault-detection flask functools html ipykernel jupternotebook machine-learning numpy pandas python3 readme regression scikit-learn sensor setuptools venv

Last synced: 30 Dec 2024

https://github.com/adi3042/credit-card-fault-detection

🔍💳 Secure Your Finances! Detect anomalies and safeguard transactions with our Credit Card Fault Detection system. Dive into cutting-edge classification techniques to identify fraud and protect financial data. Your journey to secure payments starts here! 🚨🔒 FraudDetectionTech

classification credit-card css datetime fault-detection flask functools html ipykernel jupyternotebooks machine-learning numpy pandas python3 readme scikit-learn setuptools venv

Last synced: 30 Dec 2024

https://github.com/thaisgarcia/scikit-learn

Utilizei aprendizado supervisionado, mais especificamente regressão linear, para prever salários com base no tempo dedicado aos estudos mensais. O modelo treinado estabeleceu uma relação matemática entre salário e horas de estudo, ajustando parâmetros durante o treinamento.

pandas scikit-learn seaborn

Last synced: 12 Nov 2024

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

hands-on machine learning notebooks collection

jupyter-notebook machine-learning scikit-learn

Last synced: 13 Nov 2024

https://github.com/mpoojithavigneswari/sentiment-analysis

The primary goal of this project is to build a sentiment analysis model that can predict the sentiment of a given review (positive or negative).

deep-learning keras machine-learning nlp python rnn-lstm scikit-learn tensorflow

Last synced: 10 Oct 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/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/ghoumbadji/analyzing-customer-churn-for-a-telecom-company

The project involves utilizing various machine learning techniques, both supervised and unsupervised, to detect customer churn and identify the key factors contributing to it.

churn-analysis churn-prediction kaggle machine-learning pandas random-forest-classifier scikit-learn

Last synced: 26 Dec 2024

https://github.com/deliprofesor/game-search-volume-prediction-machine-learning-models-and-forecasting

This repository uses machine learning models like Random Forest, XGBoost, LightGBM, and time-series forecasting with Prophet to predict game search volumes. Additionally, Grid Search is applied for hyperparameter tuning of the LightGBM model.

data-cleaning data-science data-visualization feature-selection forecasting-models game-search grid-search hyperparameter-tuning lightgbm machine-learning pandas prophet python random-forest scikit-learn time-series-analysis time-series-forecasting xgboost

Last synced: 26 Dec 2024

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

Real estate forecasting using Zillow Research data

forecasting pandas scikit-learn

Last synced: 21 Dec 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: 13 Nov 2024

https://github.com/maxwelllzh/linearizer

Linearizing parameters for linear regression

data-analysis machine-learning scikit-learn

Last synced: 21 Dec 2024

https://github.com/myself-aas/predict-influence-of-social-media-and-other-socio-demographic-factors-on-study-duration

'The Study Duration Prediction Web App' uses machine learning to predict student study time based on factors like GPA, family background, social media engagement, and personal influences. Built with Flask and scikit-learn, it offers personalized insights into how lifestyle choices affect academic performance and study habits.

flask-application machine-learning machine-learning-algorithms prediction-model python scikit-learn scikitlearn-machine-learning webapp

Last synced: 18 Nov 2024

https://github.com/nicolascoiado/mulheres-ti

Este repositório contém um código em Python para analisar a evolução do número de mulheres na área de Tecnologia da Informação (TI) ao longo dos anos. Utilizando pandas para manipulação de dados e scikit-learn para criar um modelo de regressão linear, o objetivo é prever quantas mulheres estarão na TI em 2024 com base em dados históricos.

linear-regression matplotlib pandas python python3 scikit-learn

Last synced: 21 Dec 2024

https://github.com/ledsouza/deep-learning-noticias

Este projeto visa construir dois modelos de Machine Learning: um para classificar notícias em diferentes categorias e outro para realizar o autocomplete de texto, prevendo a próxima palavra em uma frase. O conjunto de dados fornecido consiste em notícias de um site de notícias, já pré-processadas e armazenadas em um arquivo CSV.

deep-learning keras machine-learning python scikit-learn tensorflow

Last synced: 10 Oct 2024

https://github.com/thananjaya/admission_chance_prediction

Admission Chance Prediction using linear regression, wrapped up using Flask framework

flask linear-regression machine-learning python3 scikit-learn

Last synced: 29 Nov 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/alexliap/sk_serve

Deployment of a Scikit-Learn model and it's column transformations made easy.

machine-learning mlops model-deployment scikit-learn

Last synced: 10 Oct 2024

https://github.com/id-andyyy/alfahack

📈💵 Investment propensity prediction model

catboost hackathon-project jupyter lightgbm numpy optuna pandas python scikit-learn

Last synced: 13 Dec 2024

https://github.com/5hraddha/optimize-oil-well-locations

In the quest for harnessing valuable energy resources, the OilyGiant mining company wants to expand its operations by discovering new oil well locations. To achieve this, a data-driven approach is adopted, leveraging geological exploration data from three distinct regions and employing techniques in data analysis and modeling.

linear-regression numpy pandas scikit-learn supervised-learning

Last synced: 07 Jan 2025

https://github.com/5hraddha/megaline-plan-recommendations

Megaline is a telecom operator and it offers its clients two prepaid plans, Surf and Ultimate.Megaline has found out that many of their subscribers use legacy plans. They want to develop a model that would analyze subscribers' behavior and recommend one of Megaline's newer plans: Smart or Ultra.

decision-tree-classifier logistic-regression random-forest-classifier scikit-learn supervised-learning

Last synced: 07 Jan 2025

https://github.com/khanovico/energy-data-analysis

This is the cloud model analyzing real world dataset with BigQuery and other big-data analyzing tools. I implemented docker image for running this app on cross-platform environments.

big-data-processing bigquery docker google-app-engine jupyter-notebook mlflow python scikit-learn seaborn xgboost

Last synced: 10 Oct 2024

https://github.com/sudarsann27/basic_machine_learning_algorithms

Basic Machine learning algorithms using scikit-learn and other fundamental libraries

data-science data-visualization ensemble-model kaggle numpy pandas scikit-learn supervised-machine-learning

Last synced: 21 Dec 2024

https://github.com/jingjing515/purchase-behavior-analysis

Purchase Behavior Analysis for Targeted Customer Segmentation

clustering-algorithm data-mining machine-learning python scikit-learn

Last synced: 03 Nov 2024

https://github.com/shaharband/calcofi-oceanographic-analysis

This repository contains an analysis of the CalCOFI (California Cooperative Oceanic Fisheries Investigations) dataset, which represents one of the longest and most complete time series of oceanographic and larval fish data in the world.

pandas regression scikit-learn

Last synced: 27 Dec 2024

https://github.com/akash-nath29/mnist_test

Handwritten digit recognition API using Scikit-Learn and FastAPI

fastapi machine-learning scikit-learn

Last synced: 10 Oct 2024

https://github.com/sarowarahmed/advertising-sales-app

📈 Advertising Sales Predictor: A web app powered by a Machine Learning model, built with Numpy, Pandas, Scikit-learn, and Streamlit, to forecast sales based on TV, Newspaper, and Online Advertising. Deployed on Streamlit Cloud for real-time, easy-to-use predictions.

advertising app machine-learning multiple-linear-regression numpy pandas sales scikit-learn streamlit

Last synced: 21 Dec 2024

https://github.com/pranav-tank/heart-disease-prediction-model

I have created this project as my Python term assignment. In this project I have trained a ML model to predict the heart disease using Scikit-learn library in python.

google-colaboratory jupyter-notebook machine-learning prediction-model python scikit-learn

Last synced: 21 Dec 2024

https://github.com/pejpero/machine_learning

This repository contains two comprehensive machine learning projects using scikit-learn, demonstrating ensemble learning with a Voting Classifier and the comparison of linear and polynomial regression models on different datasets.

ensemble-learning linear-regression logistic-regression machine-learning polynomial-regression random-forest scikit-learn svm

Last synced: 21 Dec 2024

https://github.com/adriantomin/bulldozer-price-prediction

Predicting the Sale Price of Bulldozers Using Machine Learning 🚜💰 This project uses machine learning to predict bulldozer sale prices based on historical data from the Kaggle Bluebook for Bulldozers competition. The goal is to minimize the RMSLE between actual and predicted prices.

data-science jupyter-notebook machine-learning matplotlib-pyplot numpy pandas python scikit-learn

Last synced: 10 Oct 2024

https://github.com/mahdi-meyghani/movie-recommendation-system

A Python-based movie recommendation system utilizing popularity-based, content-based, and collaborative filtering models with data science and machine learning techniques.

data-analysis data-science machine-learning recommendation-system scikit-learn scikitlearn-machine-learning

Last synced: 10 Oct 2024

https://github.com/diegogallegos4/boston_housing

Udacity Machine Learning Nanodegree Project

machine-learning python scikit-learn

Last synced: 23 Dec 2024

https://github.com/kavyachouhan/fake-news-detection-dravidian-language

This repository contains the code and resources for a machine learning project focused on detecting fake news in the Malayalam language, developed as part of the IITM-PAN BS AI-ML Challenge.

jupyter-notebook machine-learning numy pandas python scikit-learn

Last synced: 21 Dec 2024

https://github.com/chrispsang/customerchurnanalysis

Predicting customer churn using a RandomForestClassifier with detailed EDA, model evaluation, and visualization. Includes a Tableau dashboard for interactive insights.

customerchurn data-analysis data-visualization datapreprocessing machine-learning python scikit-learn tableau

Last synced: 10 Oct 2024

https://github.com/rishavp15/aivshuman_text

In this project make user to decide that the text which is entered in text box is a human generated or a computer generated text.

django pandas python scikit-learn

Last synced: 10 Oct 2024

https://github.com/cmdecker95/learning-ml

My first foray into machine learning, comprised of my early undergrad work (circa 2021-2022) 🤓

jupyter-notebook keras machine-learning scikit-learn tensorflow2

Last synced: 21 Dec 2024

https://github.com/davgiles/ut-austin-data-science-program

This repository contains my projects from the Data Science & Business Analytics Post-Graduate Program through UT Austin.

eda matplotlib numpy pandas python scikit-learn scipy seaborn visualization xgboost

Last synced: 21 Dec 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/szymon-budziak/real_estate_house_prices_prediction

Predicting real estate house prices using various machine learning algorithms, including data exploration, preprocessing, model training, and evaluation.

data-analysis data-preprocessing data-science eda jupyter-notebook machine-learning matplotlib numpy optuna pandas predictive-modeling price-prediction python random-forest regression scikit-learn seaborn

Last synced: 10 Oct 2024

https://github.com/jawwad-fida/data-science-salary-estimator

A tool that estimates data science salaries (MAE ~ $ 11K) to help data scientists negotiate their income when they get a job.

data-science machine-learning project scikit-learn

Last synced: 07 Jan 2025

https://github.com/alejoduarte23/si_bayesianmixturemodel

Implementation of a two-stage fast Bayesian system identification for separated Modes. This repository expands the usage of this technique by adding a mixture model fit to obtain modal parameters from the posterior distribution.

matplotlib numpy scikit-learn scipy

Last synced: 10 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/mkdirer/depression-data-analysis

This project analyzes a Kaggle depression dataset using data preprocessing, clustering, classification, and outlier detection techniques. Python libraries like pandas, numpy, matplotlib, seaborn, and scikit-learn are used to extract insights.

classification clustering matplotlib numpy pandas scikit-learn seaborn vizualization

Last synced: 10 Oct 2024

https://github.com/bilgenurbekar/turkishcyberbullying

Contains fine-tuned BERT models and results in the text classification category using Turkish social media data

bert-fine-tuning huggingface-transformers matplotlib numpy pandas python pytorch scikit-learn transformers

Last synced: 10 Oct 2024

https://github.com/sergeimakarovv/energy-data-analytics-ml

Analyzing global data on sustainable energy, predicting CO2 emissions per capita

machine-learning pandas plotly python scikit-learn streamlit

Last synced: 10 Oct 2024

https://github.com/rickcontreras/modelos1

Modelo de clasificación para predecir el desempeño de estudiantes en las Pruebas Saber Pro en Colombia. Incluye análisis exploratorio de datos, preprocesamiento y modelos de machine learning.

classification colombia data-analysis data-science education educational-assessment exploratory-data-analysis jupyter-notebook machine-learning python saber-pro scikit-learn student-performance

Last synced: 10 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/alaazameldev/text-based-search-engine

Implementation of a search engine using TF-IDF and Word Embedding-based vectorization techniques for efficient document retrieval

chromadb fastapi gensim-word2vec nltk numpy precision-recall python scikit-learn tf-idf-vectorizer

Last synced: 10 Oct 2024

https://github.com/ismaelvr1999/air-quality-clustering

This project focuses on analyzing air quality data and categorizing it into clusters using the K-Means algorithm.

jupyter-notebook machine-learning matplotlib pandas python scikit-learn

Last synced: 10 Oct 2024

https://github.com/bilalm04/email-spam-classifier

A machine learning project that classifies emails as spam or not spam using Logistic Regression, with a deployable Flask API for real-time classification.

api flask jupyter-notebook machine-learning matplotlib nlp numpy pandas python scikit-learn

Last synced: 10 Oct 2024

https://github.com/abdel-17/facial-recognition

Facial recognition using Machine Learning in Python

machine-learning pca python scikit-learn

Last synced: 25 Dec 2024

https://github.com/dragonscypher/feastfinderai

Discover the best dining spots with FeastFinderAI!

folium pandas python scikit-learn sql

Last synced: 07 Jan 2025

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/djdhairya/football-match-prediction

In this project, we'll predict the winner of football matches in the English Premier League (EPL).

jupyter-notebook machine-learning pandas python3 requests scikit-learn vscode

Last synced: 07 Jan 2025

https://github.com/andystmc/nextflownyc

Developed a machine learning model (Bidirectional LSTM) to forecast NYC traffic volumes using 10 years of automated traffic count data. Achieved strong predictive accuracy, demonstrating the power of deep learning for urban traffic analysis.

data-analysis data-cleaning data-science data-visualization exploratory-data-analysis feature-engineering hyperparameter-tuning jupyter-notebook lstm-neural-networks machine-learning numpy pandas predictive-modeling python3 scikit-learn tensorflow-keras traffic-flow-forecasting

Last synced: 07 Jan 2025

https://github.com/hmasdev/sklearn-protocols

sklearn-protocols: protocols for sklearn regressors, classifiers and transformers

protocol python python3 scikit-learn

Last synced: 29 Dec 2024

https://github.com/kiapanahi/handson-machine-learning-book-playground

Sample codes and practices around the book "Hands-On Machine Learning with Scikit-Learn and TensorFlow"

machine-learning python scikit-learn tensorflow

Last synced: 16 Nov 2024

https://github.com/pierrekieffer/datapreprocessing

Custom data preprocessing library made for machine learning

data-preparation data-preprocessing machine-learning preprocessing scikit-learn

Last synced: 13 Dec 2024

https://github.com/messierandromeda/sentiment-analysis

Sentiment analysis with the IMDB movie review dataset.

imdb-dataset python scikit-learn sentiment-analysis

Last synced: 10 Oct 2024

https://github.com/lingumd/neural_network_charity_analysis

Machine learning and neural networks used to create a binary classifier capable of predicting whether applicants will be successful if funded by Alphabet Soup.

deep-learning machine-learning matplotlib-pyplot neural-networks onehotencoder pandas scikit-learn seaborn standardscaler tensorflow

Last synced: 22 Nov 2024

https://github.com/bartventer/ann-loan-default-profiler

Artificial Neural Network built with Tesorflow to predict whether new customer application will repay or default on a new loan.

artificial-neural-network data-visualisation deep-learning exploratory-data-analysis numpy pandas pipelines scikit-learn tensorflow2

Last synced: 24 Dec 2024

https://github.com/bartventer/survival-predictor

A simple machine learning application developed with Django, AWS, Gunicorn and Nginx

aws django ec2 gunicorn linux nginx scikit-learn

Last synced: 24 Dec 2024

https://github.com/kristishqau/sentimentanalysis_nlp

A project for sentiment analysis of tweets using various NLP techniques and machine learning models.

datascience jupyter-notebook machine-learning nlp nltk python scikit-learn sentiment-analysis xgboost

Last synced: 20 Dec 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/samkazan/structural_discovery_of_macromolecules_data_analysis

This research project uses machine learning techniques and neural network to uncover key factors that contribute to successful protein structure discovery using Python and R

classification clustering ipython-notebook jupyter-notebook keras-neural-networks keras-tensorflow machine-learning neural-network numpy python r rmarkdown scikit-learn scipy tensorflow

Last synced: 13 Nov 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: 19 Dec 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: 14 Dec 2024

https://github.com/ksasi/boston_housing

Predicting Boston Housing Prices - Udacity

machine-learning numpy pandas python scikit-learn

Last synced: 07 Jan 2025