Ecosyste.ms: Awesome
An open API service indexing awesome lists of open source software.
scikit-learn
scikit-learn is a widely-used Python module for classic machine learning. It is built on top of SciPy.
- GitHub: https://github.com/topics/scikit-learn
- Wikipedia: https://en.wikipedia.org/wiki/Scikit-learn
- Repo: https://github.com/scikit-learn/scikit-learn
- Created by: David Cournapeau
- Released: January 05, 2010
- Related Topics: scikit, python,
- Aliases: sklearn,
- Last updated: 2024-11-08 00:26:25 UTC
- JSON Representation
https://github.com/aasjunior/mlapp-api
Esta API fornece endpoints para aplicar algoritmos de aprendizado de máquina, como K-Nearest Neighbors (KNN), Árvore de Decisão e Algoritmo Genético. Realizado como tarefa da disciplina de Laboratório Mobile/Computação Natural no 5º Semestre de Desenvolvimento de Software Multiplataforma.
fastapi machine-learning python scikit-learn
Last synced: 08 Nov 2024
https://github.com/drorata/mnist-examples
ML examples for the MNIST dataset
machine-learning ml mnist python scikit-learn torch
Last synced: 11 Oct 2024
https://github.com/snikumbh/archr
archR: Identifying promoter sequence architectures de novo using NMF
archr discovery nmf non-negative-matrix-factorization promoter-sequence-architectures r r-package scikit-learn sequence-architectures unsupervised-machine-learning
Last synced: 11 Oct 2024
https://github.com/alchemine/diabetes-prediction
Diabetes Prediction and Analysis (NHIS-2018)
eda jupyter python scikit-learn streamlit
Last synced: 11 Oct 2024
https://github.com/i-am-nolan25/bell-s-palsy-severity-determination
A machine learning model to grade the severity of Bell's palsy
dlib jupyter-notebook machine-learning matplotlib numpy opencv pandas python scikit-learn scipy
Last synced: 11 Oct 2024
https://github.com/codersales/machine-learning-project
Machine Learning Project
code data-science filtered-4 jupyter last-quarter machine-learning not-this-month numpy over-100-commits pandas pseudo-current python repository-6 scikit-learn sub-critical supervised supervised-learning
Last synced: 08 Nov 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/skekre98/movie-recommender
Content-based recommendation engine for movies
cosine-similarity recommendation-system scikit-learn
Last synced: 13 Oct 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/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/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/filsan95/project-iot_malware_identification
This repository contains the code and data for a project that detects malware from IoT devices using a publish-subscribe model with Confluent and Databricks. The project streams IoT device data to Kafka, analyzes it, and detects malware using machine learning models such as Random Forest and Gradient Boosted Trees.
apache-kafka classification confluent databricks machine-learning-algorithms scikit-learn sql
Last synced: 13 Oct 2024
https://github.com/sreekar0101/-movie-recommendation-system-using-python
The Movie Recommendation System is designed to suggest personalized movie recommendations by analyzing extensive datasets containing movie details and credits.ultilizes python libraries numpy pandas and scikit learn.The system achieved a 15% improvement in accuracy compared to the baseline model by identifying key factors that influence user choice
data-analysis data-visualization numpy-library pandas-dataframe scikit-learn seaborn-python
Last synced: 13 Oct 2024
https://github.com/mecha-aima/fake-bills-detection
This Python project implements a simple classification model comparison using scikit-learn to classify banknotes as either "Authentic" or "Counterfeit" based on four features
classification-model machine-learning model-selection scikit-learn
Last synced: 13 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/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/moanassiddiqui/handsonml_ml
This is the complete part I of the Hands-On Machine Learning book which was about the classical machine learning models.
hands-on machine-learning scikit-learn
Last synced: 12 Oct 2024
https://github.com/greatepee/book-recommendation-system
Book Recommendation System
collaborative-filtering cosine-similarity evaluation-metrics k-precision kaggle kaggledatasets mae numpy pandas python scikit-learn scipy svd svd-matrix-factorisation
Last synced: 12 Oct 2024
https://github.com/sonaligill/olympics-analysis
The outcome of this project is an interactive streamlit web application that visualizes the analysis of Olympic data while rendering different aspects of Olympic history, compare country performances, and gain insights into athlete demographics.
numpy plotly python scikit-learn scipy streamlit
Last synced: 12 Oct 2024
https://github.com/lucasfrag/dengue-prediction-knc
Projeto desenvolvido para realizar previsão de casos de dengue usando o algoritmo de classificação KNeighborsClassifier.
data-science knearest-neighbor-classifier machine-learning pandas python scikit-learn
Last synced: 12 Oct 2024
https://github.com/umasivakumar14/f1imagerecognition
Predicts the F1 driver given in an image of their face.
crossvalidation flask gridsearchcv haar-cascade image-recognition machine-learning python scikit-learn seaborn wavelet-transform
Last synced: 12 Oct 2024
https://github.com/qinhanmin2014/sklearn-svm-guide
Rapidly obtain acceptable results using SVM (based on scikit-learn)
machine-learning scikit-learn svm
Last synced: 28 Oct 2024
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: 13 Oct 2024
https://github.com/djdhairya/rooftop-solar-detection
data-processing data-science deep-learning eda machine-learning pandas scikit-learn tif
Last synced: 10 Oct 2024
https://github.com/shridhar1504/titanic-survivor-prediction-datascience-classification-project
This projects predicts whether a passenger on the titanic survived or not using machine learning algorithms with the given details of the passenger data.
classification-algorithm data-analysis data-analytics data-cleaning data-preprocessing data-science data-visualization eda exploratory-data-analysis gradient-boosting jupyter-notebook machine-learning machine-learning-algorithms matplotlib naive-bayes-classifier predictive-modeling python3 scikit-learn seaborn supervised-learning
Last synced: 05 Nov 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/merekat/ml-shortcut-library
A Visual Studio Code shortcut library designed to simplify and accelerate machine learning development.
cnn coding data-science deep-learning efficiency extension extensions fnn machine-learning machinelearning nlp numpy pandas python scikit-learn shortcut shortcuts tensorflow visual-studio visual-studio-code
Last synced: 05 Nov 2024
https://github.com/jhylin/ml1-1_small_mols_in_chembl
Polars dataframe library and logistic regression in scikit-learn (update)
logistic-regression machine-learning parquet-files polars-dataframe scikit-learn
Last synced: 12 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/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/drreetusharma/mental_health_brain_tumor_classification
Multi-Classification-Brain-Tumor_datasets
machine machine-learning matplotlib-pyplot neural-network numpy pandas scikit-learn seaborn
Last synced: 12 Oct 2024
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: 12 Oct 2024
https://github.com/apal21/tensorflow-pima-indians-dataset-classification
Pima Indians Dataset classification using Tensorflow Linear Classifier and DNN Classifier.
classification deep-neural-networks kaggle linear-classifier pandas pima-indians-dataset scikit-learn tensorflow
Last synced: 08 Nov 2024
https://github.com/dwija12903/password-strength-checker
A Model to evaluate the strength of passwords and enhance security for your applications.
matplotlib pandas scikit-learn seaborn xgboost
Last synced: 12 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/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: 07 Nov 2024
https://github.com/ramezze/virtualmouse-handtracking
A python application to control mouse functions using hand gestures leveraging MediaPipe, OpenCV and Tensorflow.
computer-vision handtracking handtrackingmodule kivy machine-learning mediapipe mediapipe-hands mouse multilayer-perceptron neural-network python scikit-learn scipy tensorflow virtualmouse webcam webcam-capture
Last synced: 15 Oct 2024
https://github.com/smahala02/svm-machine-learning
This repository provides an in-depth tutorial and practical implementation of Support Vector Machines (SVM) for classification tasks, using Python and popular data science libraries.
classification data-science machine-learning python scikit-learn svm
Last synced: 12 Oct 2024
https://github.com/priyanshulathi/cancer-diagnosis-prediction-model
A Machine Learning project to predict cancer malignancy using K-Nearest Neighbor, Support Vector Machine, and Decision Tree algorithms.
machine-learning numpy pandas python scikit-learn
Last synced: 12 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/0eix/ibm-ds-spacex-falcon9
IBM Professional data science certificate Final Project Notebooks
data-science data-visualization exploratory-data-analysis ibm poetry scikit-learn shap
Last synced: 12 Oct 2024
https://github.com/rggh/wine_ml
wine
linear-regression matplotlib ml scikit-learn
Last synced: 12 Oct 2024
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: 12 Oct 2024
https://github.com/gaurangdave/house_price_predictions
Machine Learning Application to predict House Prices
hands-on learning-by-doing machine-learning numpy pandas python scikit-learn
Last synced: 31 Oct 2024
https://github.com/shubhamsoni98/project_using_knn
This project applies the K-Nearest Neighbors (KNN) algorithm to predict iPhone purchases based on customer data. Using features like age, salary, and previous purchase behavior, the KNN model classifies customers into buyers and non-buyers.
anaconda analytics data data-science eda knn knn-classification machine-learning-algorithms predict project python scikit-learn tableau
Last synced: 12 Oct 2024
https://github.com/shubhamsoni98/prediction-with-binomial-logistic-regression
To predict client subscription to term deposits and optimize marketing strategies by identifying potential subscribers.
binomial data data-science eda machine-learning matplotlib pipeline python scikit-learn seaborn sklearn sql visualization
Last synced: 12 Oct 2024
https://github.com/legendarym4x/data_science
Data Science Course
jupyter-notebook keras matplotlib nltk numpy pandas scikit-learn spacy tensorflow
Last synced: 12 Oct 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/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: 07 Nov 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/zahediparsa/ml_birkaracademy
Developed exercises and practical tasks to help students grasp key machine learning topics in a course hosted by Birkar Academy and ICDS.ai
decision-trees iris-dataset knn machine-learning mlp-classifier scikit-learn
Last synced: 12 Oct 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/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/rinuya/ml-cancer-diagnosis
Binary classficiation using MLP & Random Forest
ml mlp random-forest scikit-learn
Last synced: 12 Oct 2024
https://github.com/mzohaib364/house-price-prediction-model
End to End ML Project with Scikit Learn
cross-validation decision-tree-regression linear-regression random-forest-regression scikit-learn
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.
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/gititsid/visaverdict
A ML project to predict possibility of US Visa approval
classification python3 random-forest-classifier scikit-learn
Last synced: 12 Oct 2024
https://github.com/nathan-lindstedt/student_risk
Student Success Model (SSM)
fairlearn machine-learning scikit-learn shap student-risk xgboost
Last synced: 12 Oct 2024
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: 31 Oct 2024
https://github.com/raduldev/ann-classification-churn
ANN based classifiacation model
onehot-encoding python3 scikit-learn streamlit tensorflow
Last synced: 12 Oct 2024
https://github.com/pranavgautam29/flight-price-prediction
The Flight Price Prediction project uses machine learning to forecast flight ticket prices based on historical data. Hosted on Streamlit Community Cloud and deployed via Streamlit, this application allows users to input flight details such as departure and arrival airports, travel dates, and class to receive accurate price predictions.
machine-learning prediction-model regression scikit-learn statistical-machine-learning streamlit
Last synced: 12 Oct 2024
https://github.com/tszon/data-science-projects
Included are all the worth-noting Data Science projects in my learning journey with DataCamp.
data-analysis data-science exploratory-data-analysis feature-engineering machine-learning modelling preprocessing-data scikit-learn supervised-learning
Last synced: 12 Oct 2024
https://github.com/sauravokos/deep-learning
Repository on private project concerning Deep Learning through multilevel neural networks
keras numpy pillow python python-3-5 scikit-image scikit-learn scipy tensorflow tensorflow-examples tkinter tkinter-graphic-interface
Last synced: 12 Oct 2024
https://github.com/rririanto/thesis-projects
The computer science thesis project that I worked on when I was a student and was looking for a part time job
bag machine-learning python2 python27 scikit-learn surf
Last synced: 12 Oct 2024
https://github.com/virajbhutada/article-clustered-recommendation-system-ml
This project aims to redefine content discovery by delivering personalized article recommendations tailored to individual user preferences. We use advanced machine learning techniques like PCA and K-means clustering to analyze user behavior and article characteristics to provide highly accurate recommendations.
anaconda article-recommendation clustering-algorithm data-analysis data-science keras-tensorflow machine-learning machine-learning-algorithms ml-models numpy pandas plotly python scikit-learn scipy
Last synced: 15 Oct 2024
https://github.com/rakibhhridoy/appliedmachinelearninghousing-regression
Let's take the Housing dataset which contains information about different houses in Boston. This data was originally a part of UCI Machine Learning Repository and has been removed now. We can also access this data from the scikit-learn library. The objective is to predict the value of prices of the house using the given features.
deep-learning housing-market housing-prices machine-learning numpy pandas python real-estate regression scikit-learn
Last synced: 06 Nov 2024
https://github.com/archish27/pythontutorial
Python Programming Tutorial for new geeks who want to learn python from scratch to deal with various applications
matplotlib numpy pandas pygame python python-2 python-3 scikit-learn soup
Last synced: 12 Oct 2024
https://github.com/sasank-sasi/subtheme-sentiment-analysis-for-review
"Comprehensive Subtheme Sentiment Analysis of Customer Reviews Using Advanced NLP Techniques"
matplotlib natural-language-processing nltk plotly python scikit-learn spacy vader-sentiment-analysis
Last synced: 12 Oct 2024
https://github.com/rishav-raj-sinha/data_transformer
GUI based data transformation web-app
data-science datacleaning dataengineering datamanipulation machine-learning pandas python scikit-learn streamlit
Last synced: 12 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: 11 Oct 2024
https://github.com/vatshayan/pokemon-analysis
Visualization, Analysis & Predicting the accuracy of finding Pokemon power, attack & speed through Machine Learning
artificial-intelligence data data-analysis data-science data-visualization dataset machine-learning machine-learning-algorithms pokemon scikit-learn
Last synced: 11 Oct 2024
https://github.com/prakharchoudhary/mlchallenge-2
My submission for machine learning challenge #2, organised by hackerEarth.
adaboost gradient-boosting-classifier jupyter-notebook machine-learning python scikit-learn
Last synced: 12 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/sahiltiwariiii/email-spam-classifier
This model will tell you weather mail is spam or not
dataanalysis datacleaning datascience eda machine-learning nlp-machine-learning nltk numpy pandas python scikit-learn streamlit streamlit-webapp tfidf-vectorizer wordcloud-visualization wordtovec
Last synced: 08 Nov 2024
https://github.com/pratanup/simple-linear-regression-from-scratch-in-python
Simple Linear Regression from Scratch in Python
algorithms data-science data-science-algorithms evaluation linear-regression machine-learning machine-learning-algorithms programming python scikit-learn
Last synced: 08 Nov 2024
https://github.com/matbesancon/kaggle-digit-recognizer
Some tests with the Kaggle Digit Recognition challenge
image-processing kaggle kaggle-digit-recognizer machine-learning mnist-dataset numpy pandas python scikit-image scikit-learn
Last synced: 12 Oct 2024
https://github.com/rakibhhridoy/visualmachinelearning-yellowbrick
Yellowbrick wraps the scikit-learn and matplotlib to create publication-ready figures and interactive data explorations. It is a diagnostic visualization platform for machine learning that allows us to steer the model selection process by helping to evaluate the performance, stability, and predictive value of our models and further assist in diagnosing the problems in our workflow.
classification hyperparameter-tuning machine-learning model-evaluation model-view-presenter model-visualization python random-forest random-forest-classifier scikit-learn visualization xgboost xgboost-algorithm yellowbrick
Last synced: 06 Nov 2024
https://github.com/rosieoh/emergency_dataanalysis
오픈데이터분석-응급의료체계 방안 정책 제안 데이터 분석
ipython matplotlib numpy pandas python scikit-learn scipy
Last synced: 12 Oct 2024
https://github.com/george-gca/ai_papers_analysis
Do some analysis based on main AI conferences
conferences data-analysis fasttext fasttext-embeddings fasttext-python python scikit-learn top2vec
Last synced: 11 Oct 2024