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/freakwill/nb-combination

ensemble classifier with naive bayes combination

bayes-classifier python scikit-learn

Last synced: 26 Jan 2025

https://github.com/adamelliotfields/ml

Machine learning notebooks

machine-learning notebooks scikit-learn

Last synced: 11 Jan 2025

https://github.com/abhipatel35/diabetes_ml_classification

Predict diabetes using machine learning models. Experiment with logistic regression, decision trees, and random forests to achieve accurate predictions based on health indicators. Complete lifecycle of ML project included.

classification data-analysis data-science data-visualization descision-tree diabetes-prediction jupiter-notebook logistic-regression machine-learning model-evaluation open-source pandas pycharm-ide python random-forest scikit-learn

Last synced: 19 Dec 2024

https://github.com/ksasi/boston_housing

Predicting Boston Housing Prices - Udacity

machine-learning numpy pandas python scikit-learn

Last synced: 07 Jan 2025

https://github.com/abhinavkumar2369/weather-now

Developed a weather prediction system using historical data to forecast Weather 🌤️ based on various factors like temprature 🌡️, humidity💧, dew point, rainfall 🌧️, wind speed💨.

flask mongodb numpy python scikit-learn weather-prediction

Last synced: 15 Dec 2024

https://github.com/kirtipratihar/python_libraries_for_ds

This repository serves as a comprehensive guide to Python programming for Data Science. It covers essential topics like data manipulation, data visualization, machine learning, and statistical analysis using popular libraries such as Pandas, NumPy, Matplotlib, Seaborn, and Scikit-Learn.

artificial-intelligence machine-learning numpy pandas python scikit-learn tensorflow

Last synced: 23 Jan 2025

https://github.com/kuduxaaa/bog-datachallenges

The second paper of the Bank of Georgia event (Data Challenge) — NLP sentiment analysis 🧡

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

Last synced: 02 Jan 2025

https://github.com/shubhamkarampure/asl-streamlit-signlingo

streamlit based web-app for teaching sign language through real-time hand gesture recognition.

learning-exercise mediapipe opencv-python python scikit-learn sign-language streamlit-webapp

Last synced: 21 Jan 2025

https://github.com/pb319/california_house-price-prediction

This is going to be my first end to end ML project implementation covering all required stages taking guidence from book called "Hands On Machine Learning".

evaluation-metrics hyperparameter-tuning jupyter-notebook kfold-cross-validation machine-learning matplotlib numpy pandas python scikit-learn seaborn train-test-split

Last synced: 21 Jan 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: 20 Nov 2024

https://github.com/subratamondal1/machine-learning

Machine Learning Notes with tools like Numpy, Pandas, Scikit-Learn.

machine-learning numpy pandas scikit-learn

Last synced: 11 Jan 2025

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

Analysis the data of telecom company and insights gained to reduce customer churn.

anaconda jupyter-notebook machine-learning pandas prediction scikit-learn

Last synced: 15 Dec 2024

https://github.com/gilevatanya/yandex-practicum-projects

Кейсы решенные на курсах Яндекс Практикума.

bert bootstrap catboost keras lightgbm matplotlib nltk numpy pandas postgresql python pytorch scikit-learn scipy seaborn sql

Last synced: 06 Dec 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: 07 Dec 2024

https://github.com/vishal-verma-96/pre-owned-car-price-prediction-using-streamlit-app

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 streamlit

Last synced: 07 Dec 2024

https://github.com/spignelon/letter-recognition_project-ml

A machine learning project for letter recognition using SVM, KNN, and Decision Tree, Random Forest, and Naive Bayes algorithms. Includes data preprocessing, model training, evaluation, and visualization, and research report.

decision-tree-classifier knn-classifier letter-recognition machine-learning machinelearning naive-bayes-classifier random-forest-classifier research research-paper research-project scikit-learn svm-classifier uci-dataset uci-machine-learning

Last synced: 18 Jan 2025

https://github.com/shadmanshaikh/ml_algo_from_scratch

All standard machine learning algorithms from scratch in python 🐍

classification deep-learning machine-learning neural-nets python regression scikit-learn

Last synced: 26 Jan 2025

https://github.com/elprofesoriqo/chrome-extension-gmail-spam-filter

Chrome extension that automatically identifies and moves emails marked as spam to the spam folder in Gmail.

api-client chrome-extension firebase-database javascript machine-learning python scikit-learn

Last synced: 09 Jan 2025

https://github.com/suvasish114/house-price-estimation

A machine learning model that estimate housing prices in California using the California census data

jupyter-notebook machine-learning python scikit-learn

Last synced: 30 Nov 2024

https://github.com/srilaasya/handwriting-recognition-using-k-means

Used K-means clustering and scikit-learn to cluster images of handwritten digits.

handwriting-recognition k-means python scikit-learn

Last synced: 25 Jan 2025

https://github.com/srilaasya/breast-cancer-classifier

Used several Python libraries to make a K-Nearest Neighbor classifier that is trained to predict whether a patient has breast cancer

knearest-neighbor-classifier python scikit-learn

Last synced: 25 Jan 2025

https://github.com/lemma-osu/sklearn-raster

Spatial raster prediction with scikit-learn estimators

raster scikit-learn xarray

Last synced: 16 Jan 2025

https://github.com/szymonrucinski/pippi-lang

Elegant 📑 text preprocessing pipeline 🚰 available as pip package 🐍 based on scikit-learn pipeline. Combines Transformer and Column Transformer into a single object.

data-cleaning data-science nlp pipeline scikit-learn

Last synced: 08 Dec 2024

https://github.com/hassan11196/churn-nn

A simple Churn Predictor using Scikit's Multi-Layer Perceptron Classifier

jupyter-notebook machine-learning ml neural-network python scikit-learn

Last synced: 05 Jan 2025

https://github.com/ansh-info/industrial-scale-penicillin-simulation

Optimizing industrial-scale penicillin production using machine learning and data analysis.

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

Last synced: 30 Nov 2024

https://github.com/radoslawregula/binary-classification-metrics

A model implementing a solution to the binary classification problem along with several accuracy metrics.

binary-classification classification jupyter-notebook machine-learning matplotlib pandas python scikit-learn stochastic-gradient-descent

Last synced: 21 Jan 2025

https://github.com/radoslawregula/geo-music-classification

Jupyter notebook implementing a classification solution to the geographical origins of music problem.

classification jupyter-notebook machine-learning pandas python random-forest-classifier scikit-learn

Last synced: 21 Jan 2025

https://github.com/ameykasbe/credit-card-fraud-detection-on-imbalanced-dataset

Examined data preprocessing techniques and performance of six different predictive models in Python to credit card fraud detection problem on an imbalanced dataset. Algorithms implemented - Logistic Regression, K Nearest Neighbours, Support Vector Classification, Naïve Bayes Classifier, Decision Tree Classifier, and Random Forest Classifier.

classification machine-learning matplotlib numpy pandas python scikit-learn seaborn

Last synced: 07 Dec 2024

https://github.com/nicolascoiado/nivel-mar

Este projeto realiza uma análise detalhada do nível médio global do mar (GMSL), utilizando uma base de dados pública que abrange medições históricas. O objetivo é explorar tendências, calcular a taxa média de elevação e visualizar os dados por meio de gráficos.

google-colab jupyter-notebook matplotlib numpy pandas python python3 scikit-learn

Last synced: 18 Jan 2025

https://github.com/lakshitalearning/codsoft

Machine Learning Projects - CODSOFT Internship: This repository showcases my machine learning projects completed during my internship at Codsoft. It demonstrates my skills in developing innovative solutions using various ML techniques and tools.

churn-prediction codsoft codsoftinternship deep-learning handwritten-text-recognition internship-project keras machine-learning python rnn-tensorflow scikit-learn spam-detection

Last synced: 21 Dec 2024

https://github.com/pradeep31747/smartsuggest-personalized_product_recommendations

This project implements a personalized product recommendation system using machine learning techniques to enhance user experience and drive engagement.

jupyter-notebook keras numpy pandas pyhton scikit-learn sql tensorflow vscode

Last synced: 21 Dec 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/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/lefteris-souflas/the-algorithmic-approach-to-winning-guess-who

This repository provides a systematic approach to winning the "Guess Who?" game through advanced machine learning techniques. It offers a comprehensive methodology for enhancing gameplay strategy and optimizing decision-making processes with meticulous attention to detail.

decision-tree drawio gradient-boosting graphviz-dot lightgbm machine-learning matplotlib numpy pandas python random-forest scikit-learn

Last synced: 12 Jan 2025

https://github.com/serdaraydem1r/10dayaichallenge101

In the 10-day camp, we experienced the basics of machine learning by coding

artificial-intelligence machine-learning-algorithms model-evaluation-and-selection scikit-learn

Last synced: 22 Dec 2024

https://github.com/gabrielmazzotta/nlp-clustering--movie-similarity-from-plot-summaries

A Python-based movie recommendation system leveraging NLP and clustering techniques. This project includes data processing, vectorization of plot summaries, and the implementation of recommendation algorithms to suggest similar movies based on user input.

clustering cosine-similarity hierarchical-clustering kmeans lemmatization nlp recommendation-engine scikit-learn similarity-score spacy tokenization

Last synced: 21 Dec 2024

https://github.com/hayatiyrtgl/topic_modeling_sklearn_lda

Python code: Uses LDA for topic modeling on text data.

lda lda-model machine-learning nlp python scikit-learn sklearn topic-modeling

Last synced: 22 Dec 2024

https://github.com/wesleybertipaglia/data-science-small-business

Undergraduate Data Science project for small businesses, covering data-driven solutions for optimizing operations, increasing efficiency, and driving growth.

business-intelligence data-science machine-learning matplotlib pandas python scikit-learn

Last synced: 18 Jan 2025

https://github.com/ccastleberry/sk-autobots

Custom data transformers using the scikit-learn API.

scikit-learn sklearn sklearn-api

Last synced: 21 Dec 2024

https://github.com/alchemine/diabetes-prediction

Diabetes Prediction and Analysis (NHIS-2018)

eda jupyter python scikit-learn streamlit

Last synced: 16 Jan 2025

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: 21 Dec 2024

https://github.com/altescy/xsklearn

Expanded scikit-learn for my research

python scikit-learn

Last synced: 26 Jan 2025

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: 31 Dec 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: 18 Jan 2025

https://github.com/laoluadewoye/skloverlay

This repository is the official location of the SKLOverlay Project. Here, it will hold everything used for the package on Py Pi, including source files.

classification classification-algorithm data-science data-wrangling evaluation-metrics excel graphics graphs machine-learning machine-learning-algorithms matplotlib modeling pandas preprocessing scikit-learn

Last synced: 21 Dec 2024

https://github.com/marconicivitavecchia/stazione-monitoraggio-ambientale

Codice in MicroPython per ESP32 per il corso tenuto dalla nostra scuola rivolto ai docenti sulla creazione di una stazione di monitoraggio ambientale che copre gli argomenti di Python, IoT ed Intelligenza Artificiale.

ai esp32 micropython micropython-esp32 python school-project scikit-learn

Last synced: 22 Dec 2024

https://github.com/ramyacp14/sentimentanalysis

Implements a sentiment analysis model to determine the emotional tone behind text, helping understand attitudes, opinions, and emotions in online mentions.

machine-learning natural-language-processing nltk numpy pandas python scikit-learn

Last synced: 13 Jan 2025

https://github.com/zsailer/skspline

A Scikit-learn interface on Scipy's spline.

scikit-learn scipy

Last synced: 22 Dec 2024

https://github.com/sarincr/training-on-artificial-intelligence

Entree Academy 10 Days free training on Artificial Intelligence. Course will be conducted in a Blended learning way with Daily one hour online training and 3 hour project based training

artificial-intelligence artificial-intelligence-algorithms data-analysis data-science data-visualization decision-trees deep-learning deeplearning logistic-regression machine-learning machine-learning-algorithms machinelearning num numpy pandas regression scikit-learn scipy sklearn

Last synced: 21 Jan 2025

https://github.com/prakashjha1/customer-segmentation

This repository contains a customer segmentation project implemented in a Jupyter Notebook using Python. Customer segmentation is a crucial strategy for businesses aiming to understand their customer base better, enabling targeted marketing strategies and personalized customer experiences.

clustering-algorithm customer-segmentation kmeans-clustering matplotlib python scikit-learn seaborn

Last synced: 16 Jan 2025

https://github.com/hallowshaw/text-emotion-classification-using-lstm-and-tokenization

This repository provides a machine learning and deep learning pipeline for text emotion detection. It includes a pretrained LSTM model, tokenizer, and preprocessing steps to classify emotions such as joy, sadness, and anger from text input. Easily deployable with provided resources and scripts.

emotion-classification emotion-detection feature-engineering lstm nltk nltk-python scikit-learn scikitlearn-machine-learning sentiment-analysis sequential-models text-classification text-classification-multi-label tokenization tokenizer

Last synced: 29 Dec 2024

https://github.com/andriamahay11master/machinelearning

This project is created to practice supervised ML using the libraries existing in Python

linear-regression multiple-linear-regression python scikit-learn scikitlearn-machine-learning

Last synced: 22 Jan 2025

https://github.com/atharvapathak/size_estimator_project

This project in Python aims to provide a tool for estimating the size of objects in images or videos. Using computer vision techniques, the project analyzes the input media, detects objects of interest, and provides an estimation of their size based on known reference points or objects.

cicd cnn opencv python pytorch rnn scikit-learn sql tensorflow

Last synced: 15 Jan 2025

https://github.com/sahiltiwariiii/dssp

Predicting student math scores ! This project utilizes advanced machine learning techniques and MLOps tools like DVC and MLflow to predict a student's math score based on various factors such as gender, race/ethnicity, parental level of education, lunch type, test preparation course, writing etc

docker dotenv dvc flask machine-learning mlflow mlops mysql mysql-connector-python numpy pandas pymysql python python-dotenv scikit-learn seaborn sklearn-library statistics streamlit

Last synced: 31 Dec 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: 21 Dec 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: 20 Dec 2024

https://github.com/miteshgupta07/zomato-restaurant-rating-predictor

A Zomato rating prediction app that uses machine learning to forecast restaurant ratings based on various factors, helping users make informed dining decisions.

flask machine-learning python scikit-learn

Last synced: 28 Dec 2024

https://github.com/mahdibehoftadeh/polynomial-regression-co2-emissions

A simple machine learning polynomial regression using a large dataset to learn and predict CO2 emission of a car by its built features like engine size and cylinders

machine-learning matplotlib numpy nural-network pandas polynomial-regression python scikit-learn

Last synced: 21 Dec 2024

https://github.com/christianconchari/bike-sharing-demand

Este repositorio contiene el trabajo práctico final de la materia Aprendizaje de Máquina II de la Especialización en Inteligencia Artificial (CEIA) de la Facultad de Ingeniería de la Universidad de Buenos Aires (FIUBA).

airflow docker fastapi machine-learning mlflow python scikit-learn

Last synced: 21 Dec 2024

https://github.com/lexxai/goit_python_ds_hw_03

Модуль 3. Класичне машинне навчання. Перенавчання. Лінійна регресія. LaTeX формули.

latex linear-regression matplotlib numpy pandas python scikit-learn

Last synced: 24 Jan 2025

https://github.com/lexxai/goit_python_ds_hw_05

Метод опорних векторів -Support Vector Machine, SVM. Дерева рішень - RandomForestClassifier, XGBClassifier

classification numpy pandas python random-forest-classifier reporting scikit-learn svm-classifier svm-model xgbclassifier

Last synced: 24 Jan 2025

https://github.com/jingjing-jin/purchase-behavior-analysis

Purchase Behavior Analysis for Targeted Customer Segmentation

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

Last synced: 21 Dec 2024

https://github.com/msikorski93/alzheimer-s-disease-classification

A multi classification using scikit-learn and TensorFlow models on MRI scans of patient's brains.

alzheimers-disease classification efficientnetb0 inceptionv3 knn-classifier mri-brain random-forest scikit-learn svc tensorflow

Last synced: 09 Jan 2025

https://github.com/msikorski93/protein-tertiary-structure

Performing a regression task for estimating residue size based on given physicochemical properties of protein tertiary structures (CASP 5-9).

bioinformatics gradient-boosting multilayer-perceptron-network protein-structure-prediction regression-algorithms scikit-learn tensorflow

Last synced: 09 Jan 2025

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

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

https://github.com/umasivakumar14/real_estate_ml_model

Predicts the price of a home in Bengaluru, Karnataka based on location, urbanization, total square feet, bedrooms, bathrooms, and balconies.

aws flask gridsearchcv http-requests machine-learning machine-learning-algorithms nginx pandas python scikit-learn

Last synced: 21 Dec 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: 22 Jan 2025

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