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/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/amiriiw/text_classification

Welcome to the Text Classification Project! This project is designed to train a model for classifying texts based on their emotional content and then using it to categorize new texts into corresponding emotional categories.

keras numpy pandas pickle scikit-learn tensorflow text-classification

Last synced: 21 Dec 2024

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/stella4444/linear-regression

learning about linear regression (currently a work in progress) ~ working with data

linear-regression machine-learning numpy scikit-learn

Last synced: 21 Dec 2024

https://github.com/manome/python-supervised-learning

This project provides sample code for performing supervised learning.

conformal-prediction scikit-learn supervised-learning

Last synced: 21 Dec 2024

https://github.com/raulmaulidhino-dev/ml_modelling_regression

There are many factors that influence the grades/scores of students. One of the factors is study hours. In this mini analysis project, there are 3 models that will learn and predict the relation between study hours of students and their scores in an exam/test. This project will result the best ML model to solve the problem.

data data-analysis-python data-science eda machine-learning scikit-learn

Last synced: 21 Dec 2024

https://github.com/chaitanya1436/student_performance_analysis

A project focused on analyzing college student performance using data on department, assessment scores, and performance labels. Implemented in Google Colab, the analysis includes data preprocessing, feature scaling, and exploratory data analysis to uncover insights and prepare the data for further analysis or modeling.

ata-preprocessing data-preparation exploratory-data-analysis feature-scaling google-colab numpy pandas scikit-learn

Last synced: 21 Dec 2024

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/tnleite/loan-approval-prediction

Este repositório apresenta um modelo preditivo de aprovação de empréstimos, focado em minimizar o risco de inadimplência. Utilizando EDA e algoritmos de machine learning (Random Forest, XGBoost), ajustamos o threshold para maximizar o recall de inadimplentes, contribuindo para uma gestão de riscos eficiente.

classification-algorithm data-science exploratory-data-analysis machine-learning-algorithms machine-learning-models matplotlib numpy scikit-learn scipy seaborn xgboost-classifier

Last synced: 29 Jan 2025

https://github.com/jeus0522/7-explore-different-classifier-ml-app

A project exploring various classification algorithms, showcasing their implementation, comparison, and evaluation using Python and scikit-learn.

k-nearest-neighbours knn random-forest scikit-learn streamlit support-vector-machine svm

Last synced: 21 Dec 2024

https://github.com/priyanshulathi/air-quality-index-prediction

Machine learning based air quality index prediction using environmental and pollutant data to classify and forecast pollution levels.

machine-learning matplotlib numpy pandas python scikit-learn seaborn

Last synced: 19 Dec 2024

https://github.com/manjit-baishya-datascience/spam-email-detection

This project demonstrates how to build a spam detection system using Natural Language Processing (NLP) and machine learning techniques.

imblearn nlp nlp-machine-learning nltk scikit-learn spam-detection

Last synced: 21 Dec 2024

https://github.com/ourahma/python-data-viz

This project focuses on data analysis and visualization to estimate used car prices. It includes preprocessing, statistical analysis, regression modeling, and visualizations to provide insights into the car pricing market.

jupyter-notebook matplotlib numpy pandas python scikit-learn seaborn

Last synced: 29 Jan 2025

https://github.com/katjaweb/king-county-house-price-prediction

This project aims to predict house prices based on various features such as square footage, number of rooms or location.

machine-learning python regression scikit-learn

Last synced: 21 Dec 2024

https://github.com/alexsolov28/ml_course

Курс "Технология машинного обучения"

colab-notebooks jupyter-notebook matplotlib numpy pandas python scikit-learn seaborn

Last synced: 19 Dec 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/sckonung/crab-age-regression

ML model for regression with a crab age dataset Competition in Kaggle

keras machine-learning pandas python scikit-learn tensorflow

Last synced: 21 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/petrosdemetrakopoulos/flight-passengers-prediction

A supervised learning problem given as a project in the "Data Mining in Databases and World Wide Web" course in Computer Science Department of AUEB in Winter semester of 2019.

classification classifier data-science machine-learning python scikit-learn sklearn university-project

Last synced: 29 Jan 2025

https://github.com/minhtran241/ml-dl-llm-genai

Showcasing ML/DL fundamentals, paper implementations, deep learning models, and other projects. The purpose of this repository is to provide a playground for me to explore and learn about PyTorch, deep learning, and generative AI.

deep-learning generative-ai llm machine-learning paper-implementations pytorch scikit-learn

Last synced: 02 Feb 2025

https://github.com/engineertolulope/us_states_living_ranking_analysis

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

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

Last synced: 21 Dec 2024

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/idaraabasiudoh/credit_card_fraud_detection

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

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

Last synced: 21 Dec 2024

https://github.com/shubhamsoni98/classification-with-random-forest-1

To classify sales into categories (Low, Moderate, High) using Random Forests to inform strategic decisions and optimize marketing strategies.

algorithms anaconda data data-science datacleaning eda jupyter-notebook machine-learning pyhton random-forest scikit-learn visualization

Last synced: 19 Dec 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: 27 Dec 2024

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/kumailn/machinelearning

Machine learning with Python

machine-learning python scikit-learn tensorflow

Last synced: 02 Jan 2025

https://github.com/sanjiv856/machine_learning_scikit-learn

Repository for machine learning in Python using Scikit-learn.

pipelines python scikit-learn sklearn titanic-kaggle titanic-survival-prediction

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/soumyapro/parkinson-disease-prediction

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

logistic-regression numpy pandas scikit-learn svc xgboost

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

Diabetes Prediction and Analysis (NHIS-2018)

eda jupyter python scikit-learn streamlit

Last synced: 16 Jan 2025

https://github.com/thd-ai-2023/ain-b-3-assistant-systems

Assistance Systems Project is a web application that provides personalized health recommendations and data analysis. The frontend is built using Streamlit, and it integrates a chatbot developed with Rasa. Machine learning models created with scikit-learn are used to generate recommendations based on user input. The application is containerized with

chatbot data-analysis docker docker-compose machine-learning python rasa scikit-learn sklearn streamlit

Last synced: 29 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/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/idaraabasiudoh/telco-churn-logistic-regression

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

logistic-regression machine-learning python3 scikit-learn

Last synced: 21 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/barrettotte/anilist-ml

Training a binary classifier model to predict if I would recommend an anime using my Anilist user data.

anilist binary-classification data-visualization machine-learning scikit-learn

Last synced: 03 Feb 2025

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/nickklos10/seriea_machine_learning_predictions_2025

This project involves scraping data, processing the data, and building machine learning models to predict the standings for the 2024-2025 Serie-A season.

beatifulsoup data-scraping keras matplotlib pandas scikit-learn shap tensorflow

Last synced: 29 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: 29 Jan 2025

https://github.com/harshitwaldia/disease_detection

A disease detection system using Random Forest Classifier and GUI in Python, identifying illnesses based on user symptoms.

pandas-python python3 random-forest-classifier scikit-learn tkinter-gui

Last synced: 03 Feb 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/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/thekartikeyamishra/resumeevaluatorapp

The Automated Resume Evaluator is a Python-based application that helps evaluate resumes against job descriptions. It calculates an Applicant Tracking System (ATS) score, which is the percentage of keywords from the job description found in the resume.

flask machine-learning matplotlib nlp nltk pypdf python scikit-learn spacy textblob

Last synced: 03 Feb 2025

https://github.com/callesjuan/ninjalprm

Protótipo de ferramenta de agrupamento de dispositivos Android por geolocalização (Server)

python scikit-learn xmpp

Last synced: 24 Oct 2024

https://github.com/svetlanam/pycon-workshop

Pycon CZ workshop: Better data analyses and product recommendations with Instagram data

data-analysis data-science martinus matplotlib pandas pycon2016 pyconcz python scikit-learn workshop

Last synced: 13 Jan 2025

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/stefagnone/-air-france-sponsored-search-campaign-optimization

Optimized Air France's online advertising campaigns using advanced regression modeling and data analysis, uncovering actionable insights to maximize ROI and enhance ad performance.

advertising-analytics air-france data-science digital-marketing marketing-campaigns predictive-modeling python r regression-analysis roi-optimization scikit-learn sponsored-search

Last synced: 03 Feb 2025

https://github.com/karimosman89/fraud-detection

Identify fraudulent transactions.Develop a machine learning model that can identify fraudulent transactions in credit card data or insurance claims.Show how your model can reduce financial losses by flagging suspicious activities.

anomaly-detection lightgbm pandas python scikit-learn xgboost

Last synced: 19 Jan 2025

https://github.com/kalelmartinho/imersao_dados_3

Terceira edição da Imersão Dados da Alura. O projeto foi inspirado em um desafio do Laboratory innovation science at Harvard disponibilizando os dados em uma competição no kaggle.

alura data-science imersaodados imersaodados3 pandas python3 scikit-learn

Last synced: 13 Jan 2025

https://github.com/radoslawregula/iris-classification

Jupyter notebook implementing an efficient machine learning method to classify flowers from the Iris data set.

classification iris-dataset jupyter-notebook machine-learning python scikit-learn softmax-classifier

Last synced: 21 Jan 2025

https://github.com/boomerspine/selflearning_chatbot

Self learning chatbot using python

python scikit-learn

Last synced: 27 Jan 2025

https://github.com/marknature/machine-learning-intern

Machine Learning tasks involving the Titanic Dataset and Breast Cancer Wisconsin (Diagnostic) dataset

data-analysis github jupiter-notebook machine-learning matplotlib numpy pandas python scikit-learn sklearn

Last synced: 13 Jan 2025

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/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: 29 Jan 2025

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: 29 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/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: 13 Jan 2025

https://github.com/byigitt/smartmove

fake data generation and analysis for ankara metro station

ankara cv2 metro numpy pandas scikit-learn

Last synced: 22 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/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/vanilladucky/housing-prediction

This is a data analytics and machine learning project that I undertook using a housing dataset on Kaggle in order to put my machine learning knowledge to practice and some practical application.

data-science machine-learning python scikit-learn

Last synced: 23 Jan 2025

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

https://github.com/eesunmoon/aml_project

[Project] Analyzing Fitness Patterns & Building Predictive Models

matplotlib numpy pandas python3 recommender-system scikit-learn seaborn tensorflow

Last synced: 03 Feb 2025

https://github.com/raduldev/ml-projects

End To End Machine Learning Project guided by Krish Naik from Ineuron.

catboost dill flask-application numpy pandas python scikit-learn xgboost

Last synced: 29 Jan 2025

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

https://github.com/gamowy/systemysi

Zadania z systemów sztucznej inteligencji

artificial-intelligence python scikit-learn university-coursework

Last synced: 25 Jan 2025

https://github.com/williyam-m/movie-recommendation-system

Developed a web app with a cosine similarity machine learning model for personalized recommendations based on user history, likes, bookmarks, and activity. Implemented user auth and CRUD operations for movies.

django machine-learning numpy pandas prediction-model python scikit-learn

Last synced: 16 Jan 2025

https://github.com/kosmoswerner/scikitlearn.net

C# bindings for Scikit-Learn (WIP 🏗)

machine-learning scikit scikit-learn sklearn

Last synced: 15 Nov 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: 15 Jan 2025

https://github.com/solrikk/magicxml

Magic-XML — is a modern web application developed for the convenient and swift transformation of data from XML files into CSV format. The application leverages the power of FastAPI to ensure high performance in request processing, as well as utilizes machine learning algorithms and natural language processing for efficient analysis

aplication app async cosinesimilarity cscart csv csv-files csv-format data fastapi machine-learning matrix python scikit-learn tfidf-vectorizer web webapp xml-parser

Last synced: 03 Feb 2025

https://github.com/nfordumass/nbafinalsmvp_ml

A python machine learning analysis of who should've won NBA Finals MVP each year.

jupyter-notebook machine-learning python scikit-learn

Last synced: 02 Feb 2025

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