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/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/ashrw/handwritten_digit_recognizer

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

ml python scikit-learn

Last synced: 12 Oct 2024

https://github.com/emms21/thoughtful_ai

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

openai python scikit-learn streamlit

Last synced: 12 Oct 2024

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

Package for removing the black-box around decision trees

blackbox decision-tree machine-learning python scikit-learn

Last synced: 03 Nov 2024

https://github.com/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/yungshenglu/pokemonrecognition

Recognize Pokemon's image using scikit-learn in Python

knn-model python scikit-learn svm-model

Last synced: 06 Nov 2024

https://github.com/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/lucs1590/commom_segmentations

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

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

Last synced: 11 Oct 2024

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

hands-on machine learning notebooks collection

jupyter-notebook machine-learning scikit-learn

Last synced: 11 Oct 2024

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

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

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

Last synced: 07 Nov 2024

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

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

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

Last synced: 17 Oct 2024

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

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

machine-learning numpy pandas python scikit-learn

Last synced: 12 Oct 2024

https://github.com/stewartpark/sklearn2gem

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

ruby rubygem scikit-learn sklearn

Last synced: 11 Oct 2024

https://github.com/kengz/feature_transform

Build ColumnTransformers (Scikit or DaskML) for feature transformation by specifying configs.

column-transformer dask-ml dataset feature-engineering feature-transformation machine-learning scikit-learn

Last synced: 11 Oct 2024

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: 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/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/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/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/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/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/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/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/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/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/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/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/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/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/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/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/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/skekre98/movie-recommender

Content-based recommendation engine for movies

cosine-similarity recommendation-system scikit-learn

Last synced: 13 Oct 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/alchemine/diabetes-prediction

Diabetes Prediction and Analysis (NHIS-2018)

eda jupyter python scikit-learn streamlit

Last synced: 11 Oct 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/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/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/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/hokagem/damagedlogginganalyzer

A project about an analization of a statistic of damaged logging (wood) in Germany using Python.

analysis csv csv-parser k-fold-cross-validation numpy pandas pandas-dataframe pandas-python polynomial-regression scikit-learn statistics wood

Last synced: 20 Oct 2024

https://github.com/heyitsjoealongi/fantasy-football-qbwr-model

Fantasy Football: Quarterback / Wide Receiver - Gaussian Process Regression (GPR) Machine Learning Model

machine-learning matplotlib model numpy python scikit-learn

Last synced: 26 Oct 2024

https://github.com/NoName115/Bachelor-thesis

Bachelor thesis - Determination of Gun Type and Position in Image Scene

bachelor-thesis classification computer-vision fit gun keras machine-learning scikit-image scikit-learn vut

Last synced: 23 Oct 2024

https://github.com/adi3042/thyroid-disease-detection

🔍🌟 Discover Thyroid Disease Detection! Dive into our advanced system designed to identify and predict thyroid disorders using cutting-edge machine learning techniques. Leverage our comprehensive models and data analysis tools to make informed decisions about thyroid health. 🩺🔬🚀 ThyroidHealthTech

classification css detection-model functools html ipykernel javascript jupyter-notebook machine-learning matplotlib numpy pandas python3 scikit-learn setuptools thyroid-dataset thyroid-disease thyroid-disease-detection venv

Last synced: 13 Oct 2024

https://github.com/allanreda/automated-k-means-clustering-engine

An interactive K-Means clustering tool built with Flask and Scikit-Learn, supporting Excel file uploads, cluster analysis, and data export, deployed on Google Cloud Run via Docker with CI/CD integration.

cicd css data-visualization deployment docker flask google-cloud-run html javascript k-means-clustering machine-learning matplotlib numpy pandas python scikit-learn

Last synced: 31 Oct 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/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/rosieoh/emergency_dataanalysis

오픈데이터분석-응급의료체계 방안 정책 제안 데이터 분석

ipython matplotlib numpy pandas python scikit-learn scipy

Last synced: 12 Oct 2024

https://github.com/nickklos10/concrete-compressive-strenght-prediction

This project predicts concrete compressive strength using a neural network regression model built with Keras.

jupyter-notebook keras matplotlib numpy pandas python scikit-learn

Last synced: 24 Oct 2024

https://github.com/nicofilips/cs50ai-harvard

Harvard University Online Course | CS50-AI | Artificial Intelligence with Python | Project Solution

artificial-intelligence harvardcs50 natural-language-processing neuronal-network nltk python scikit-learn tensorflow

Last synced: 14 Oct 2024

https://github.com/snghrsw/kikagaku-ml-learning

Pythonで単回帰分析と重回帰分析、ディープラーニングで回帰と分類

liner-regestion multiple-regression numpy pandas python scikit-learn

Last synced: 13 Oct 2024

https://github.com/alyssonmach/machine-learning-com-python

Aplicações de Machine Learning usando a linguagem de programação Python.

ia keras-tensorflow machine-learning matplotlib numpy pandas programming python scikit-learn scipy

Last synced: 06 Nov 2024

https://github.com/vishal-verma-96/capstone_project_by_skill_academy

Capstone Project by skill Academy- Exploratory Analysis, Visualization and Prediction of Used Car Prices. Deploying the highest-scoring model with Streamlit web app

data-analysis data-science jupyter-notebook machine-learning machine-learning-algorithms matplotlib numpy pandas python3 regression-algorithms scikit-learn seaborn

Last synced: 18 Oct 2024

https://github.com/kheriberto/knn_project

This is a simple project that uses dummie data to practice and demonstrate my knowledge of the KNN algorithm.

data-analysis knn-classifier numpy python scikit-learn seaborn

Last synced: 18 Oct 2024

https://github.com/wuweiweiwu/zookeeper-bot

Bot for Facebook Messenger game Zookeeper using scikit-learn SVM :dromedary_camel:

facebook-messenger scikit-learn svm zookeeper

Last synced: 13 Oct 2024

https://github.com/aneeshmurali-n/ann-diabetes-prediction

Predicting diabetes progression using an Artificial Neural Network (ANN). This project leverages the scikit-learn diabetes dataset for training and evaluation. Includes data preprocessing, model building, and performance visualization.

ann data-preprocessing data-visualization deep-learning diabetes-prediction exploratory-data-analysis keras machine-learning matplotlib neural-network numpy pandas regression scikit-learn seaborn tensorflow visualization

Last synced: 31 Oct 2024

https://github.com/florianwoelki/stock_price_prediction

This is a simple jupyter notebook for stock price prediction. As a model I've used the linear, ridge and lasso model.

lasso-regression linear-regression python ridge-regression scikit-learn stock-price-prediction

Last synced: 14 Oct 2024

https://github.com/roboneet/enron_analysis

udacity project (to be complete)

machine-learning scikit-learn

Last synced: 15 Oct 2024

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

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

arima lstm matplotlib pandas python scikit-learn

Last synced: 01 Nov 2024

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

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

matplotlib-pyplot pandas python scikit-learn seaborn

Last synced: 01 Nov 2024

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

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

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

Last synced: 01 Nov 2024

https://github.com/dinhanhx/determination

Scripts to set global random for some machine learning framework

determination deterministic keras pytorch randomness scikit-learn tensorflow2

Last synced: 14 Oct 2024

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

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

scikit-learn triangulation

Last synced: 25 Oct 2024

https://github.com/brenofariasdasilva/dagster-education-model

Dagster Education Model using Dagster 1.3.11 and Python 3.7.17.

dagster makefile matplotlib pandas pyenv python3 scikit-learn seaborn shellscript

Last synced: 16 Oct 2024

https://github.com/rtmigo/skifts_py

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

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

Last synced: 14 Oct 2024

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

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

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

Last synced: 14 Oct 2024