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/thmslmr/scikitlearn-examples

💡Scikit Learn examples - Python

python scikit-learn tutorials

Last synced: 29 Dec 2024

https://github.com/yuanx749/mlp-pytorch

PyTorch MLP with scikit-learn API.

pytorch scikit-learn

Last synced: 08 Jan 2025

https://github.com/anras5/criteo-search-data

EDA and statistical tests on CriteoSearchData dataset

data-science pandas scikit-learn statistics

Last synced: 21 Jan 2025

https://github.com/saadarazzaq/custom-neural-networks

Perceptron, Multiclass and Deep Neural Network Implemented All in One Repo ✨

deep-neural-networks keras numpy perceptron python scikit-learn tensorflow

Last synced: 23 Jan 2025

https://github.com/chdl17/lead-score-case-study

Lead scoring is the process of assigning a numerical value or score to each lead, based on factors such as demographics and behavior, to determine their potential value as customers.

machine-learning-algorithms matplotlib-pyplot python scikit-learn

Last synced: 06 Jan 2025

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: 10 Jan 2025

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

Content Based Recommendation system using tags!

nltk scikit-learn similarity-search tmdb-database

Last synced: 08 Jan 2025

https://github.com/elifirinci/mushrooms-plants-classification

This project features AI models for identifying mushrooms and plants as poisonous or edible using image-based predictions. Both models are tested through an interactive Gradio interface, ensuring user-friendly and accurate identification for foragers and researchers.

classification cnn cnn-classification gradio image-classification machine-learning mushroom-classification plant-classification scikit-learn

Last synced: 08 Jan 2025

https://github.com/srosalino/prediction_of_seoul_bikes_demand

The objective of this project is to predict the number of bicycles needed to be made available each hour in order to make the service as efficient as possible

cross-validation data-exploration-and-preprocessing hyperparameter-tuning machine-learning regularization-methods scikit-learn

Last synced: 08 Jan 2025

https://github.com/jo-minseok/global-warming-100year

🌡️ 2100년까지의 지구 기온, 해수면, 북극 빙하, 탄소 예측 MachineLearning [완료]

arima-model machine-learning matplotlib numpy pandas scikit-learn seaborn

Last synced: 10 Feb 2025

https://github.com/daniel-furman/recfeatureselect

Feature selection functions (1) using the multi-collinearity matrix and recursively proceeding to a spearman threshold and (2) using Forward Stepwise Selection running on an ensemble sklearner (with options for HPO).

correlation-threshold machine-learning modeling multicollinearity recursion recursive-algorithm scikit-learn spearman-rho

Last synced: 22 Jan 2025

https://github.com/alan-oliveir/cnn_digitos_manuscritos

Trabalho final para disciplina Redes Neurais(2023/1) - Rede Neural Convolucional para identificação de dígitos manuscritos.

convolutional-neural-networks jupyter-notebook scikit-learn

Last synced: 13 Jan 2025

https://github.com/dummumounika/ecommerce-sales-categorization

This repository contains Python code for text classification and analysis of e-commerce sales data. The script processes textual descriptions of products and categorizes them into predefined categories using a Naive Bayes classifier. It also includes various analysis and visualization methods to explore the dataset.

machine-learning matplotlib-pyplot ntlk numpy pandas python scikit-learn

Last synced: 02 Jan 2025

https://github.com/mastermindromii/car-price-prediction-model

Here is My Regression Project based on Predicting Price of Car using Linear Regression.

linear-regression matplotlib numpy pandas python scikit-learn seaborn

Last synced: 08 Jan 2025

https://github.com/sdpdas/sm_sentiment_analysis

Using Natural Language Processing (NLP) and pandas, numpy, scikit-learn for classification and applying logistic regression as it is a supervised model, lastly NLTK. Pickle library used for saving and running the model anywhere.

logistic-regression machine-learning nlp scikit-learn sentiment-analysis stemming vectorizer

Last synced: 22 Jan 2025

https://github.com/jenil311/application-of-covid-19-spread-analysis

The objective of this project is to study the COVID-19 outbreak using basic statistical techniques and make short term predictions using ML regression methods.

covid19-tracker machine-learning regression-analysis regression-models ridge-regression scikit-learn

Last synced: 22 Jan 2025

https://github.com/iamwatchdogs/cardiovascular-risk-prediction

This mini-project uses machine learning algorithms to predict possible risks of heart disease by analyzing given data.

jupyter-notebook machine-learning-algorithms matplotlib numpy pandas python scikit-learn seaborn

Last synced: 14 Jan 2025

https://github.com/chanmeng666/mnist-handwritten-digit-recognition-project

A comprehensive implementation and analysis of handwritten digit recognition using multiple neural network architectures on the MNIST dataset. Features basic MLP, optimized feature-selected model, and deep CNN approaches with detailed performance comparisons and visualizations.

cnn computer-vision data-analysis data-visualization deep-learning feature-analysis handwritten-digit-recognition keras machine-learning mlp mnist model-optimization neural-networks python scikit-learn tensorflow

Last synced: 02 Jan 2025

https://github.com/armahdavi/code-data-analytics-pipelines-statistics-ml-pm-psd_residential-qff

Sharing all the data pipelines and processing codes, statistical modellings, descriptive statistics, plot visualizations, and machine learning from Mahdavi & Siegel (2021) (Indoor Air) Project Miestone: 2017 - 2020 Full-length article: https://onlinelibrary.wiley.com/doi/abs/10.1111/ina.12782

data-science data-visualization dust hvac indoor-air-quality jupyter-notebook machine-learning matplotlib-pyplot numpy pandas python scikit-learn scipy-stats spyder spyder-python-ide statistics

Last synced: 10 Jan 2025

https://github.com/aravind-selvam/student_exam_performance_predictor

Sample Machine learning project, The project uses Sklearn’s regression techniques such as XGboost and Random forests to train and test the model on student data. Deployed on Heroku with Flask application

flask-application heroku machine-learning python scikit-learn

Last synced: 14 Jan 2025

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: 04 Feb 2025

https://github.com/dyarleniber/hands-on-machine-learning

This repository contains code examples, exercises, and projects related to the concepts covered in the book "Hands-On Machine Learning with Scikit-Learn, Keras, and TensorFlow, 3rd Edition" by Aurélien Géron.

ai artificial-intelligence keras machine-learning matpolotlib numpy pandas scikit-learn tensorflow

Last synced: 13 Jan 2025

https://github.com/stefagnone/text_adventure_game

A text-based adventure game project using Python fundamentals

matplotlib numpy pandas python r scikit-learn seaborn sql

Last synced: 11 Feb 2025

https://github.com/das-amlan/delay-prediction-in-urban-mobility-networks

Predicting delays in Urban mobility netwrok using different ML algorithms.

delay-prediction gradient-boosting machine-learning python r scikit-learn

Last synced: 14 Jan 2025

https://github.com/stewartpark/sklearn2gem

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

ruby rubygem scikit-learn sklearn

Last synced: 03 Jan 2025

https://github.com/g-eoj/kaggle-rotten-tomatoes

Movie review sentiment analysis with the Stanford parsed Rotten Tomatoes dataset.

cross-validation nlp nltk rotten-tomatoes scikit-learn

Last synced: 21 Jan 2025

https://github.com/raghavendranhp/industrial_copper_modelling

Industrial Copper Modeling optimizes pricing decisions using advanced ML. Predict sales with accuracy, classify leads, and streamline decision-making.

classification-models copper decision-tree-classifier decision-tree-regression pickle-file predictive-modeling regression-models scikit-learn

Last synced: 07 Jan 2025

https://github.com/andrewjmack/cryptoclustering

The purpose of this project is to utilize knowledge of Python and unsupervised learning to predict if cryptocurrencies are affected by 24-hour or 7-day price changes. Methods for analysis include K-Means clustering and dimensional reduction through Principal Component Analysis ("PCA").

jupyter-notebook pandas python scikit-learn

Last synced: 14 Jan 2025

https://github.com/andrewjmack/credit-risk-classification

Supervised learning model trained and evaluated on loan risk for potential use in the prediction of the creditworthiness of an applicant

banking loan-prediction-analysis machine-learning pandas python scikit-learn supervised-learning

Last synced: 14 Jan 2025

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: 26 Jan 2025

https://github.com/perpendicooler/elementary-research-for-steamboat-willie-s-store-in-poland

An elementary research for a company to opening store in a city using gurobi and pulp optimization.

christofides-algorithm gurobipy numpy pandas pulp python3 scikit-learn travelling-salesman-problem

Last synced: 23 Jan 2025

https://github.com/sarmad426/ai

AI basic to advanced featuring Machine Learning, Deep Learning and Data Science.

ai data-science deep-learning hugging-face machine-learning numpy pandas python scikit-learn

Last synced: 11 Jan 2025

https://github.com/rahulsm20/insurance-data

A data analytics project dealing with risk assessment and it's effects in health insurance.

data-analysis data-analytics machine-learning matplotlib numpy pandas python scikit-learn

Last synced: 06 Jan 2025

https://github.com/joejkiller/women-safety-index

The "Safe Route Recommendation System" aims to enhance women's safety during travel by identifying and suggesting the safest routes based on historical and real-time data, including crime incidents, traffic conditions, lighting, and foot traffic. Currently working on this project.

django javascript jupyter-notebook machine-learning mysql nodejs numpy pandas python scikit-learn webscraping

Last synced: 04 Feb 2025

https://github.com/michal-wrzosek/real-estate-price-prediction

WREPPA - Warsaw Real Estate Price Prediction App (Machine Learning)

flask jupyter-notebook machine-learning neural-network node-js real-estate scikit-learn

Last synced: 21 Jan 2025

https://github.com/cycle-sync-ai/student-score-analysis

A data-driven student performance analysis project using UCI dataset (396 students, 33 features). Implements machine learning models (K-means, PCA, Decision Tree, Random Forest, Linear Regression) to analyze academic patterns and predict student scores based on lifestyle, health, and study habits.

clustering clustering-algorithm decision-trees feature-engineering learning-management-system linear-regression machine-learning machine-learning-algorithms matplotlib numpy pandas pca pickle prediction prediction-algorithm scikit-learn score seaborn student

Last synced: 04 Feb 2025

https://github.com/lourdilene/guess-the-number

Number guessing game played between two players: human and computer. Basic Python project for studying object-oriented programming and machine learning with the scikit-learn library.

machine-learning oops-in-python scikit-learn

Last synced: 21 Jan 2025

https://github.com/mk2345/fashionmnist-dl-ml

CNN and SVM image classifiers implemented in Keras and Scikit-Learn.

jupyter-notebook keras-tensorflow scikit-image scikit-learn

Last synced: 13 Jan 2025

https://github.com/lintangwisesa/pdb_mti_ui_lab1_k6

Tugas Lab 1 Pengelolaan Data Besar MTI UI 2023

machine-learning python3 scikit-learn

Last synced: 08 Jan 2025

https://github.com/prosenjitjoy/webscraper---the-numbers

It is a basic Data Science project I made to implement my basic knowledge of the different libraries on a single project. This project will servers as an introduction to Data Science workflow to anyone interested.

data-science matplotlib python scikit-learn webscraper

Last synced: 11 Feb 2025

https://github.com/satvikpraveen/fashionmnist-analysis

A comprehensive analysis of the Fashion MNIST dataset using PyTorch. Covers data preparation, EDA, baseline modeling, and fine-tuning CNNs like ResNet. Includes modular folders for data, notebooks, and results. Features CSV exports, visualizations, metrics comparison, and a requirements.txt for easy setup. Ideal for ML workflow exploration.

computer-vision confusion-matrix convolutional-neural-networks deep-learning-algorithms exploratory-data-analysis fashion-mnist-dataset fine-tuning hyperparameter-tuning image-classification jupyter-notebook machine-learning-algorithms matplotlib-pyplot model-evaluation numpy pandas pytorch resnet-18 scikit-learn seaborn vgg

Last synced: 23 Jan 2025

https://github.com/sorenfyhn/resights-avm-house-prices

My attempts for the automatic valuation model (AVM) hackathon by Resights.

machine-learning python pytorch scikit-learn

Last synced: 23 Jan 2025

https://github.com/sorenfyhn/dtu-machine-learning-project

My project work for the DTU 02450 Machine Learning course.

machine-learning python pytorch quarto scikit-learn

Last synced: 23 Jan 2025

https://github.com/icejan/predicton-systems

Various systems that train on data and generate a prediction

lightfm machine-learning numpy python scikit-learn

Last synced: 27 Jan 2025

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

Sentiment analysis for the Kannada language to classify Kannada sentences into different emotions.

numpy pandas scikit-learn

Last synced: 02 Feb 2025

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: 02 Feb 2025

https://github.com/adhadse/hands-on-machine-learning-book-notes-and-practice

This repo holds the Jupyter notebooks and datasets containing notes/comments on things I learned from this book. Feel free to use and learned from them.

data-science deep-learning jupyter-notebooks keras machine-learning python scikit-learn tensorflow

Last synced: 10 Feb 2025

https://github.com/josancamon19/boston_housing

Predicting Boston Housing Prices for Udacity Machine Learning Nanodegree

boston-housing-price-prediction machine-learning machine-learning-nanodegree scikit-learn udacity

Last synced: 28 Dec 2024

https://github.com/rohra-mehak/sciencesync

System for Personalized Google Scholar Alerts Processing and Data Management, and provision of ML based clustering analysis

agglomerative-clustering clustering crossref-api customtkinter google-api google-scholar graph-api machine-learning numpy pandas python3 scientific-article-analysis scikit-learn sqlite3

Last synced: 28 Dec 2024

https://github.com/divinenaman/color-extraction-api

Extract colours from images using K-means, along with FastAPI pipeline.

fastapi k-means-clustering scikit-learn

Last synced: 10 Feb 2025

https://github.com/bhavyac16/flairifyme

FlairifyMe is a Reddit Flair Detector for r/india subreddit, that takes a post's URL as user input and predicts the flair for the post using a model generated by Logistic Regression.

flair-prediction flask hacktoberfest linear-svm logistic-regression naive-bayes-classifier nltk praw-reddit reddit-flair-detector scikit-learn scraped-data subreddit text-classification

Last synced: 08 Jan 2025

https://github.com/yuji1702/ai--powered-triage-system

This project implements a machine learning-based triage system for emergency rooms, which classifies patients based on their symptoms and vitals using a Random Forest Classifier. The system features real-time patient data integration, a user-friendly GUI built with Tkinter, and secure patient data encryption using Fernet from the cryptography lib

cryptography data-imputation data-preprocessing data-security encryption gui healthcare machine-learning matplotlib medical-data python random-forest realt-time scikit-learn seaborn tkinter triage-system

Last synced: 11 Feb 2025

https://github.com/gmork2/covid-19

A mathematical analysis of the infection growth

coronavirus covid-19 jupyter-notebook numpy pandas python scikit-learn

Last synced: 07 Jan 2025

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

Machine learning model built with Scikit-learn to predict house prices based on various features.

linear-regression machine-learning ml pickle prediction-model scikit-learn scikitlearn-machine-learning

Last synced: 11 Jan 2025

https://github.com/elifftosunn/bert-bank-model

It is a Turkish BERT-based model that will analyze people's bank complaints and classify them according to one of eight categories. #Acikhack2023

acikhack2023 countvectorizer doc2vec f1-score huggingface huggingface-transformer huggingface-transformers nlp nltk python3 scikit-learn stopwords tagged tfidf-transformer train-test-split word-tokenizer wordnetlemmatizer

Last synced: 21 Jan 2025

https://github.com/jazib-2004/prediction-classification-and-clustering-on-public-expenses-dataset

Applying end-to-end ML pipeline incl. EDA to get to know data more, data preprocessing to prepare data for modelling, and at last REGRESSION to predict one feature's value, CLASSIFICATION to classify one feature, and K-means for clustering and its analysis.

data-preprocessing exploratory-data-analysis k-means-clustering lasso-regression logistic-regression matplotlib ml-pipeline python scikit-learn

Last synced: 21 Jan 2025

https://github.com/zafir100100/cancer-stage-prediction

This code predicts cancer data using various regression models, calculates their average R-squared scores, and prints the best model.

cross-validation data-analysis data-preprocessing decision-trees gradient-boosting linear-regression machine-learning-algorithms numpy pandas random-forest regression scikit-learn

Last synced: 08 Jan 2025

https://github.com/jupitvq/simple-uib-assistant

Chatbot sederhana berbasis scikit-learn untuk membantu mahasiswa memberikan informasi seputar akademik & administrasi UIB.

chatbot machine-learning scikit-learn virtual-assistant

Last synced: 11 Feb 2025

https://github.com/theengineerprogrammer/kmeans-medoids

Changing cluster centers from centroids to medoids for kmeans

clustering k-means k-medoids kmeans kmedoids scikit-learn

Last synced: 11 Feb 2025

https://github.com/abdulshaikh55/ml-involuntary-denied-boarding

A machine learning model that predicts whether you will be denied onboarding your plane.

first-timers ipynb machine-learning scikit-learn

Last synced: 11 Feb 2025

https://github.com/belzebu013/prever_nivel_colesterol

Projeto de IA com algoritmo de Regressão Linear múltipla para prever o nível de colesterol de um individuo.

ia jupiter-notebook pandas python regressao-linear-multipla scikit-learn

Last synced: 11 Feb 2025

https://github.com/ngangawairimu/linear-regression-

This project builds a linear regression model in Python to predict outcomes and derive insights from feature data. It covers data cleaning, feature analysis, and model evaluation, showcasing predictive modeling techniques using scikit-learn, pandas, and visualization libraries.

data-analysis linear-regression machine-learning predictive-modeling python scikit-learn

Last synced: 11 Feb 2025

https://github.com/emmarhoffmann/starsort

A multi-model machine learning project that achieves up to 100% accuracy in classifying star types using five different AI algorithms

decision-tree naive-bayes neural-network python random-forest scikit-learn svm

Last synced: 11 Feb 2025

https://github.com/musty-ess/shopping-prediction-ai-using-machine-learning

This project is an AI model designed to predict whether customers on an online shopping website will complete a purchase. It uses machine learning, specifically a k-nearest neighbors (KNN) classifier, to analyze user behavior and predict their purchasing intent.

ai-prediction classification-model k-nearest-neighbors knn-classifier machine-learning online-shopping python scikit-learn sensitivity-specificity user-behavior-prediction

Last synced: 11 Feb 2025

https://github.com/mayankyadav23/shipment-pricing-prediction

Shipment Pricing Prediction 📦🔍 is a machine learning project that forecasts shipment prices based on various supply chain factors. Using advanced regression models, it provides valuable insights 📊 to optimize pricing strategies in the supply chain analytics domain.

data-visulization flask ineuron-ai machine-learning python scikit-learn shipment-and-pricing

Last synced: 11 Feb 2025

https://github.com/kheriberto/logistic_regression_project

A project that analyses dummie data from an advertising company using logistic regression

data-analysis logistic-regression pandas python scikit-learn seaborn

Last synced: 11 Feb 2025

https://github.com/fahrettinsolak/ai-based-salary-scale-calculation-project

This project demonstrates a Polynomial Regression model using a dataset related to experience and salary. The model is built using Python with the pandas, matplotlib, and sklearn libraries. The dataset includes information on years of experience and corresponding salary.

artificial-intelligence deep-learning jupyter-notebook machine-learning matplotlib pandas pyhton scikit-learn

Last synced: 11 Feb 2025

https://github.com/alainlebret/python-et-ia-1

Ressources personnelles du cours "Python & IA" en 2e année GPSE à l'ENSICAEN

artificial-intelligence image-processing machine-learning matplotlib numpy python scikit-image scikit-learn

Last synced: 11 Feb 2025

https://github.com/jainish-prajapati/solar-flare-prediction

This repository contains code and data for predicting solar flare energy ranges using machine learning, based on NASA's RHESSI mission data. It includes preprocessing of FITS files into a unified CSV dataset and implements models like Gradient Boosting, Random Forest, and Decision Tree classifiers, achieving accuracies up to 87%.

data-visualization machine-learning numpy pandas python scikit-learn solar-flare-prediction

Last synced: 11 Feb 2025

https://github.com/karthikarajagopal44/data-analysis-using-python-libraries-

The COVID-19 pandemic has significantly impacted India, necessitating a detailed analysis of the virus’s spread within the country. In this project, we explore an India-specific COVID-19 dataset, leveraging Python libraries such as Pandas, NumPy, Matplotlib, and Seaborn.

data-cleaning data-visualization matplotlib numpy pandas python python3 scikit-learn seaborn

Last synced: 11 Feb 2025

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

I built a predictive model to detect fraud in financial transactions.

pandas python scikit-learn

Last synced: 11 Feb 2025

https://github.com/ashishsingh789/bcg_virtual_internship

This repository showcases my BCG X virtual internship project on customer churn analysis for PowerCo, covering business understanding, EDA, feature engineering, and modeling using Python and machine learning.

data-manipulation data-science dataanalysis datavisualization eda machine-learning matplotlib numpy pandas python random-forest scikit-learn seaborn

Last synced: 11 Feb 2025

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

hands-on machine learning notebooks collection

jupyter-notebook machine-learning scikit-learn

Last synced: 13 Jan 2025