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/edikedik/eboruta

Flexible and transparent Python Boruta implementation

ensemble-models feature-selection machine-learning python scikit-learn

Last synced: 13 Oct 2024

https://github.com/rajaprerak/ml_dl_webapp

Machine learning and Deep learning project

flask heroku keras knearest-neighbors python scikit-learn tensorflow

Last synced: 06 Nov 2024

https://github.com/dustinmichels/bayesian-values-guesser

Uses some user input, data from the World Values Survey <www.worldvaluessurvey.org>, and Bayes Rule to guess a number of beliefs the user might have. STATUS: In progress.

bayes-rule bayesian-values-guesser naive-bayes-classifier pandas python scikit-learn values-survey

Last synced: 27 Oct 2024

https://github.com/sethios-notebook/__ia_learnig__

Formation Python spéciale Machine Learning francais. Apprendre Python en 30 fichiers qui contiennent une formation sur Numpy, Pandas, Matplotlib, Scipy, Sklearn, Seaborn, H5py, et bien d'autres techniques. Python est le langage d'excellence pour le machine learning, le deep learning, et la data science.

iac machine-learning matplotlib numpy python scikit-learn

Last synced: 03 Nov 2024

https://github.com/rizz1406/spam-email-detector

Spam Email Classifier using Python and Streamlit A simple machine learning project that classifies emails as **spam** or **ham** using the **Naive Bayes algorithm** and **TF-IDF** for text feature extraction. The project includes a user-friendly web app built with Streamlit

nlp pandas pytho3 scikit-learn streamlit

Last synced: 31 Oct 2024

https://github.com/offchan42/thai-thesis-classification

Classify each document inside the corpus using Python machine learning module: scikit-learn

nlp python python2 scikit-learn segment thai thai-language thai-thesis-classification

Last synced: 29 Oct 2024

https://github.com/jswong65/machine_learning_nanodegree

Projects of Udacity Machine Learning nanodegree

machine-learning numpy pandas python scikit-learn scipy

Last synced: 29 Oct 2024

https://github.com/sd338/fractureai

This tool helps people upload X-rays to find broken bones. It uses a machine to mark where the breaks are and gives users marked pictures to download. A smart computer also helps people understand their broken bones and gives them advice.

css cv2 flask gorq html javascript matplotlib npm numpy pandas pydantic python react scikit-learn torch torchvision ultralytics

Last synced: 31 Oct 2024

https://github.com/adzialocha/notebook

Jupyter notebooks for random experiments with audio processing, data analysis and machine learning

jupyter-notebook keras learning librosa music21 scikit-learn

Last synced: 05 Nov 2024

https://github.com/md-emon-hasan/ml-project-car-price-prediction

🚗 End-to-end ML project for predicting car prices based on various features. Includes data preprocessing, model training, and a Flask web for predictions.

car-price-prediction car-price-predictor data-science feature-engineering ml predictive-modeling scikit-learn

Last synced: 10 Oct 2024

https://github.com/prajwalsinha/unveiling-climate-change-dynamics-through-earth-surface-temperature-analysis

Climate change analysis through global surface temperature data. Includes data preprocessing, statistical analysis, visualizations, and forecasting. Python-based project using Pandas, Matplotlib, and Scikit-learn.

data dataanalysis dynamic-mapping pyplot python scikit-learn seaborn

Last synced: 03 Nov 2024

https://github.com/shliakhovai/house-price-prediction

This repository contains a complete machine learning pipeline for predicting housing prices. It includes data preprocessing, feature engineering, and model training and evaluation components, designed to provide a robust solution for regression tasks.

data-science machine-learning matplotlib numpy pandas prediction python regression scikit-learn seaborn

Last synced: 03 Nov 2024

https://github.com/george-gca/ai_papers_search_tool

Automatic paper clustering and search tool by fastext from Facebook Research

fasttext fasttext-embeddings fasttext-python nlp python scikit-learn

Last synced: 11 Oct 2024

https://github.com/veb-101/machine-learning-practice

Contains code-works from the Hands on scikit-learn and tensorflow book

deep-learning keras machine-learning python3 scikit-learn tensorflow-gpu

Last synced: 05 Nov 2024

https://github.com/jesly-joji/spam-ham-classifier

Used Naive Bayes Algorithm, NLP Text Preprocessing Techniques

naive-bayes-classifier nlp scikit-learn streamlit text-preprocessing

Last synced: 01 Nov 2024

https://github.com/vectominist/mednlp

Mandarin Medical Dialogue Analysis with Pytorch.

dialog huggingface mandarin medical pytorch scikit-learn transformers

Last synced: 14 Oct 2024

https://github.com/raihan4520/ml

A collection of machine learning projects showcasing various algorithms and techniques, including a final project for the Machine Learning course at AIUB.

data-preprocessing jupyter-notebook machine-learning model-evaluation numpy pandas python scikit-learn

Last synced: 31 Oct 2024

https://github.com/akashshnkr/multi-disease-prediction

Developed and integrated three machine learning models for predicting diabetes, Parkinson's, and heart disease into a Streamlit-based web application. The interface allows users to input data and receive accurate health predictions, enhancing early detection and healthcare outcomes.

logistic-regression machine-learning-algorithms numpy pandas python scikit-learn streamlit-webapp svm

Last synced: 13 Oct 2024

https://github.com/zen204/airbnb_availability

A machine learning model that predicts Airbnb listing availability, utilizing feature engineering and supervised learning techniques to improve guest experience and optimize host management.

binary-classification data-analysis data-preprocessing data-visualization feature-engineering machine-learning matplotlib model-evaluation nlp pandas predictive-modeling python scikit-learn seaborn supervised-learning

Last synced: 03 Nov 2024

https://github.com/prithivsakthiur/data-board

Data Boards - Visualization of various plots ( Analysis )

data-analysis gradio huggingface keras mathplotlib pandas plots pyplot scikit-learn seaborn spaces

Last synced: 03 Nov 2024

https://github.com/oneapi-src/credit-card-fraud-detection

AI Starter Kit for Credit Card Fraud Detection model using Intel® Extension for Scikit-learn*

machine-learning scikit-learn

Last synced: 05 Nov 2024

https://github.com/priyanshulathi/url-based-web-phishing-detection-model

A machine learning project for detecting phishing URLs by extracting key features from web addresses and applying various classification algorithms to identify potential threats effectively.

decision-tree knn logistic-regression machine-learning python random-forest scikit-learn

Last synced: 13 Oct 2024

https://github.com/an-exodus/dubai-real-estate-price-prediction-ml

This repository contains a comparative analysis of machine learning algorithms to predict real estate prices in Dubai. Using data from Bayut, we evaluate Decision Tree, Linear Regression, Random Forest, and Gradient Boosting models based on their predictive accuracy.

decision-tree gradient-boosting linear-regression machine-learning random-forest scikit-learn

Last synced: 03 Nov 2024

https://github.com/aarryasutar/logistic_regression_on_age_prediction

This code evaluates the performance of a logistic regression model on age prediction using various features to predict a binary target variable, calculating metrics to determine the performance. It evaluates the comparison, identifies favorable features, and visualizes the ROC-AUC curve to determine the best model performance.

accuracy-score confusion-matrix f1-score feature-selection logistic-regression model-training numpy pandas precision recall rmse roc-auc-curve scikit-learn visualization

Last synced: 03 Nov 2024

https://github.com/vatshayan/hospital-discharge-analysis

Analysis of Hospitalization Discharge Rates in Lake County, Illinois of various attributes like Anxiety, Alcohol, mood, Diabetes, Asthma, etc

data-analysis data-visualization jupyter-notebook machine machine-learning machine-learning-algorithms scikit-learn

Last synced: 11 Oct 2024

https://github.com/udityamerit/all_mlpackages

The `all_MLpackage` is a Python tool for breast cancer detection using scikit-learn's machine learning algorithms. It automates model training, generates accuracy comparisons, and helps identify the best-performing algorithm for diagnosis.

classification knn-algorithm logistic-regression machine-learning numpy pandas scikit-learn svm-model

Last synced: 31 Oct 2024

https://github.com/soumya6tiwari/customer-segmentation-using-rfm-analysis

This project focuses on customer segmentation using RFM (Recency, Frequency, Monetary) analysis and K-Means clustering. It enables businesses to identify high-value customers, optimize marketing strategies, and improve customer retention through data-driven insights.

backend clustering flask frontend kmeans-clustering matplotlib numpy pandas python rfm-analysis scikit-learn unsupervised-learning

Last synced: 03 Nov 2024

https://github.com/kaleharshavardhan07/spam_mail-_detector_ai_model

This project implements a spam detection system for SMS messages using machine learning techniques.

mathplotlib nltk numpy panda python scikit-learn seaborn

Last synced: 31 Oct 2024

https://github.com/afonsojramos/feup-iart

Projects developed for Artificial Intelligence class.

feup feup-iart iart neural-network python scikit-learn tensorflow

Last synced: 13 Oct 2024

https://github.com/priboy313/pandasflow

A set of custom python modules for friendly workflow on pandas

catboost data-analysis data-science pandas phik python scikit-learn shap

Last synced: 03 Nov 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/chengetanaim/sentimentanalysisforfinancialnews

This is a Django application for predicting whether the sentiment of a financial news headline is positive, negative or neutral (from an investor point of view)

beautifulsoup4 chartjs django html-css-javascript logistic-regression machine-learning natural-language-processing scikit-learn tfidf-vectorizer webscraping

Last synced: 05 Nov 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/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/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

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: 06 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: 06 Nov 2024

https://github.com/vivekky57/car-price-prediction

Now you can get Car Price with this wonderful end-to-end project.

flask machine-learning machine-learning-algorithms python python3 random-forest-classifier scikit-learn

Last synced: 05 Nov 2024

https://github.com/jofaval/ionosphere

Binary Classification of Ionosphere signals at Goose Bay, Labrador in 1988

data-analysis data-science data-visualization deep-learning google-colab keras machine-learning python scikit-learn tensorflow uci xgboost

Last synced: 21 Oct 2024

https://github.com/jofaval/iris-flowers

Multilabel Classification of the famous Iris Flowers Dataset from Ronald Aylmer Fisher in 1936

classification data-analysis data-science data-visualization google-colab iris-flowers kaggle machine-learning python scikit-learn xgboost

Last synced: 21 Oct 2024

https://github.com/jofaval/titanic-disaster

Data Analysis of the famous Titanic Disaster in 1912 with Machine Learning

classification data-analysis data-science data-visualization google-colab kaggle machine-learning python scikit-learn

Last synced: 21 Oct 2024

https://github.com/chengetanaim/sentimentanalysisforfinancialnewsnotebook

Building the model of a financial news sentiment classifier. Financial news headlines will be classified as positive, negative or neutral (from an investor point of view)

logistic-regression machine-learning natural-language-processing scikit-learn tfidf-vectorizer

Last synced: 05 Nov 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/pierrekieffer/datapreprocessing

Custom data preprocessing library made for machine learning

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

Last synced: 26 Oct 2024

https://github.com/shahzaibdev355/house-recommendation-backend

House Recommendation Backend is a Flask-based API that provides house recommendations based on user input. It includes endpoints to check the backend's functionality, fetch state data, and get personalized house recommendations based on criteria like price, property size, number of beds, number of baths, and state.

flask flask-api flask-cors numpy pandas scikit-learn tensorflow

Last synced: 31 Oct 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/yuweaec/wine_quality_prediction

The Wine Quality Prediction project aims to predict the quality of wine based on its chemical properties using machine learning algorithms.

flask jupyter-notebook machine-learning python scikit-learn

Last synced: 31 Oct 2024

https://github.com/scikit-learn/pairwise-distances-reductions-asv-suite

A dedicated asv suite for scikit-learn private PairwiseDistancesReductions

asv benchmarks cython scikit-learn

Last synced: 29 Oct 2024

https://github.com/dionixius7/titanic-disaster-ml-model

This project predicts the survival of passengers on the Titanic by using Kaggle Titanic Disaster Dataset. The dataset contains information related to passengers, such as age, gender, and class. Different machine learning algorithms have been applied for this predictive model to accomplish an accurate prediction that will define the survival chances

data-analysis data-science data-visualization eda knn-classifier machine-learning neural-network python scikit-learn svm tensorflow titanic-kaggle titanic-survival-prediction

Last synced: 12 Oct 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/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/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/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/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/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/jayadavv/dynamic-ml-model-selector

An interactive web application that allows users to upload their datasets and dynamically select, train, and evaluate various machine learning models. The app provides comprehensive performance metrics and visualizations, making it easy for users to analyze their data effectively.

decision-trees linear-regression logistic-regression matplotlib-pyplot plotly python random-forest scikit-learn streamlit

Last synced: 31 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: 03 Nov 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/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/gliuck/diabetesprediction

Machine learning exam project, focused on predicting diabetes based on health and demographic data. The project uses models like Logistic Regression, KNN, SVM and NN to analyze and predict the likelihood of diabetes in individuals.

machine-learning machine-learning-models numpy-library pandas-library prediction-model python scikit-learn

Last synced: 03 Nov 2024

https://github.com/idaraabasiudoh/svm_cell_classification

This repository contains code for classifying cell samples using Support Vector Machine (SVM) with Scikit-learn.

machine-learning python3 scikit-learn svm-classifier

Last synced: 02 Nov 2024

https://github.com/abdullahashfaq-ds/sms-spam-detection

A machine learning application designed to classify SMS messages as spam or non-spam, offering real-time analysis to identify potentially harmful content.

css3 docker flask html5 javascript matplotlib nltk numpy pandas python scikit-learn seaborn tailwindcss xgboost

Last synced: 29 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/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/gayathri2200/car-price-prediction---machine-learning

Car price prediction Machine Learning --- Which is used to predict the price of used cars based on the features.

data-science machine-learning modeldeployment pandas price-prediction python regression scikit-learn streamlit visual-studio visualization

Last synced: 31 Oct 2024

https://github.com/idaraabasiudoh/telco-churn-logistic-regression

A predictive model using logistic regression to identify customers likely to churn from a telecommunications company.

logistic-regression machine-learning python3 scikit-learn

Last synced: 03 Nov 2024

https://github.com/soumyapro/parkinson-disease-prediction

This project predicts Parkinson's disease using machine learning models.

logistic-regression numpy pandas scikit-learn svc xgboost

Last synced: 03 Nov 2024

https://github.com/engineertolulope/us_states_living_ranking_analysis

Python script for analyzing and ranking U.S. states based on factors like cost of living, tax burden, diversity, crime rates, and climate. Uses weighted criteria to identify the best states to live in according to these metrics. Ideal for decision-making on relocation.

data-analysis data-science linear-regression machine-learning python scikit-learn

Last synced: 03 Nov 2024

https://github.com/idaraabasiudoh/credit_card_fraud_detection

This repository contains a machine learning project focused on detecting credit card fraud using Decision Tree and Support Vector Machine (SVM) classifiers.

data-analysis jupyter-notebook machine-learning python3 scikit-learn snapml

Last synced: 03 Nov 2024