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/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: 20 Nov 2024

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: 20 Nov 2024

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: 20 Nov 2024

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/eljandoubi/genre_classification

Create an ML pipeline for Genre Classification using MLflow.

hydra machine-learning mlflow numpy pandas pandas-profiling pytest scikit-learn scipy wandb

Last synced: 25 Nov 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: 01 Dec 2024

https://github.com/eljandoubi/disasterresponsepipeline

Project aim is to build a Natural Language Processing (NLP) model to categorize messages on a real time basis.

flask nltk numpy pandas plotly scikit-learn scipy sqlalchemy

Last synced: 25 Nov 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/eljandoubi/deploy-ml

Deploying a ML Model to Cloud Application Platform with FastAPI

ci-cd fastapi github-actions gunicorn pandas pytest render scikit-learn uvicorn

Last synced: 25 Nov 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: 01 Dec 2024

https://github.com/alphacrypto246/grape-quality-prediction

The Grape Quality Prediction project uses machine learning to predict the quality of grapes based on chemical properties like acidity, sugar content, and alcohol levels. It applies regression models to forecast the quality score, helping in wine production and quality assessment.

machine-learning numpy pandas scikit-learn scikitlearn-machine-learning

Last synced: 07 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. Includes descriptive, predictive, and prescriptive analytics, machine learning, and decision strategies.

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

Last synced: 17 Nov 2024

https://github.com/jayanthpotluri5513/chatviewapp

The ChatView App is an interactive tool for analyzing WhatsApp chat data. Utilizing TensorFlow, Keras, and Streamlit, it allows users to import .txt files, perform sentiment analysis, and visualize chat patterns and keyword trends, enhancing understanding of conversations.

deep-learning keras machine-learning nlp scikit-learn tensorflow

Last synced: 20 Dec 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: 21 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/sudarshanc00/brain-tumor-classification

This project uses a deep learning model in PyTorch to classify brain MRI images into four tumor types, aiding early diagnosis and treatment planning. Two ResNet-based models were developed and optimized, achieving high accuracy to support healthcare professionals in identifying tumor categories.

matplotlib numpy pytorch resnet scikit-learn streamlit

Last synced: 20 Nov 2024

https://github.com/armanx200/income-predictor

🔍✨ A machine learning project that predicts income based on various demographic factors using Random Forest and Gradient Boosting algorithms. Includes data preprocessing, hyperparameter tuning, and model evaluation with detailed performance metrics. 📊🤖

arman-kianian classification data-preprocessing data-science gradient-boosting hyperparameter-tuning income-prediction machine-learning python random-forest scikit-learn

Last synced: 24 Nov 2024

https://github.com/moeeinaali/nlp-lsa

Applying Latent Semantic Analysis (LSA) to text data using scikit-learn.

lsa nlp scikit-learn

Last synced: 17 Nov 2024

https://github.com/agnivchtj/ann

Develop an Artificial Neural Network that can classify inputs based on a number of features

backpropagation-algorithm jupyter-notebooks python scikit-learn

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

https://github.com/johnnixon6972/cirrhosis-outcomes-prediction

This leverages advanced machine learning techniques to predict patient outcomes for those suffering from cirrhosis. Utilizing a comprehensive dataset from a Mayo Clinic study, this project explores various data imputation methods and class balancing techniques to enhance prediction accuracy.

ai algorithms analytics artificial-intelligence machine-learning ml pandas python3 scikit-learn

Last synced: 17 Nov 2024

https://github.com/sudothearkknight/15-machinelearningprojects

A curation of 15 Machine Learning projects in various fields that are helping me gain a better understanding of the different machine learning tools, techniques, algorithms and methodalogies.

classification-algorithm machine-learning machine-learning-algorithms natural-language-processing pycharm-ide python3 regression-models scikit-learn scikitlearn-machine-learning spam-detection

Last synced: 19 Dec 2024

https://github.com/ejw-data/proj-food-inspections

Analyzing Chicago Food Inspection data for interesting insights by combining multiple data resources and performing feature engineering.

decision-trees pandas preprocessing python scikit-learn

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

https://github.com/avik-pal/kaggle-titanic

Predicting whether a given set of people survive on the Titanic

machine-learning numpy pandas scikit-learn scikitlearn-machine-learning

Last synced: 20 Nov 2024

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

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

scikit-learn triangulation

Last synced: 13 Dec 2024

https://github.com/akapich/clustermatic

Python AutoML library for clustering tasks

automl clustering machine-learning scikit-learn

Last synced: 28 Dec 2024

https://github.com/anastasiaschmidt1/sqli-detection-ml

UNI-PROJEKT: Erkennung von SQL-Injection-Angriffen durch maschinelles Lernen (SVM-Modell)

bht-berlin machine-learning scikit-learn sqli svm

Last synced: 28 Dec 2024

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: 20 Nov 2024

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/junya737/weighted-pls-regression

A Python implementation of Weighted Partial Least Squares Regression with support for sample weights.

machine-learning partial-least-squares-regression scikit-learn

Last synced: 28 Dec 2024

https://github.com/rickyarians/ai-ml-nlp

Directory Machine Learning, Deep Learning, Artificial Int, Natural Language Processing Project

deep-learning machine-learning modeling python scikit-learn tensorflow

Last synced: 19 Nov 2024

https://github.com/himasnhu-at/freecodecamp--ml

ML Models I built for my freeCodeCamp's Machine Learning with Python certification

freecodecamp freecodecamp-project machine-learning machine-learning-algorithms matplotlib pandas python scikit-learn

Last synced: 06 Dec 2024

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/gamowy/music_classification

Music genre classification using k nearest neighbors classifier based on gtzan dataset

machinelearning python scikit-learn university-assignment

Last synced: 25 Nov 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/codejsha/machine-learning-examples

Examples of machine learning using scikit-learn

machine-learning scikit-learn

Last synced: 15 Dec 2024

https://github.com/kumailn/machinelearning

Machine learning with Python

machine-learning python scikit-learn tensorflow

Last synced: 02 Jan 2025

https://github.com/lexxai/goit_python_ds_hw_04

Модуль 4. Класифікація та оцінка роботи моделі. Лінійна регресія: перенавчання та регуляризація

lasso-regression linear-regression numpy pandas python red regression ridge-regression scikit-learn

Last synced: 24 Nov 2024

https://github.com/lexxai/goit_python_ds_hw_03

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

latex linear-regression matplotlib numpy pandas python scikit-learn

Last synced: 24 Nov 2024

https://github.com/rinuya/ml-cancer-diagnosis

Binary classficiation using MLP & Random Forest

ml mlp random-forest scikit-learn

Last synced: 21 Nov 2024

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 Nov 2024

https://github.com/lexxai/goit_python_ds_hw_06

Модуль 6. Навчання без вчителя.  Кластерізація. KMeans. Principal Component Analysis

dbscan-clustering hdbscan-clustering kmeans kmeans-clustering opentsne optics-clustering pca python scikit-learn tsne

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

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

Simple examples of ML using Python

machine-learning python scikit-learn

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

https://github.com/leticiamilan/formacao-python-developer-dio

Formação Python Developer - Digital Innovation One

django flask pandas pymongo python scikit-learn sqlalchemy sqlite

Last synced: 29 Nov 2024

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/mohammedhaq/safestream

SafeStream is a machine learning project that utilizes logistic regression to predict the potability of water. By analyzing various water quality parameters, SafeStream helps in determining whether a water source is safe for consumption. This project leverages Python, PyTorch, and scikit-learn to build, train, and evaluate the predictive model.

logistic-regression machine-learning python pytorch scikit-learn

Last synced: 07 Dec 2024

https://github.com/virajbhutada/article-recommendation-system

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

https://github.com/javi-cc/python-ml-portcanto

Portcanto és un projecte de simulació d'un trajecte en bicicleta. S'ha definit 4 tipus de ciclistes que es diferencien en el temps que tarda a fer el trajecte. L'objectiu és descobrir els 4 patrons amb l'algoritme de clustering KMeans.

clustering docker docker-compose kmeans machine-learning mlfow pydoc pylint python scikit-learn testing venv

Last synced: 07 Dec 2024

https://github.com/jatin-mehra119/roe-prediction-modeling

A Web-APP for predicting Return of Equity using Machine learning model.

data-analysis data-science forecasting machine-learning regression-models scikit-learn

Last synced: 16 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/swat1563/recommendation-system

This repository features a recommendation system and analytics engine using datasets on users, organizations, contents, contacts, events, and recommendations. It includes data preprocessing, building a recommendation system, and creating visual reports with Power BI.

analytics data-analysis data-visualization engine kaggle numpy pandas powerbi powerbi-dashboards powerbi-desktop powerbi-reports python recommendation-engine recommendation-system recommender-systems scikit-learn scipy

Last synced: 06 Dec 2024

https://github.com/roboneet/enron_analysis

udacity project (to be complete)

machine-learning scikit-learn

Last synced: 03 Dec 2024

https://github.com/jmromer/warbler

A recommendation engine powered by scikit-learn and served by Flask.

flask flask-api numpy pandas python3 scikit-learn

Last synced: 13 Jan 2025

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

https://github.com/dionixius7/titanic-disaster-ml-model

This project predicts the survival of passengers on the Titanic by using Kaggle Titanic Disaster Dataset. The dataset contains information related to passengers, such as age, gender, and class. Different machine learning algorithms have been applied for this predictive model to accomplish an accurate prediction that will define the survival chances

data-analysis data-science data-visualization eda knn-classifier machine-learning neural-network python scikit-learn svm tensorflow titanic-kaggle titanic-survival-prediction

Last synced: 17 Nov 2024

https://github.com/bruceunx/ai-simulator

aiplayground 人工智能学习乐园

ai maching-learning scikit-learn

Last synced: 15 Jan 2025

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: 29 Nov 2024

https://github.com/idaraabasiudoh/drug_prescribtion_decision_tree_model

This repository contains a machine learning project focused on classifying drugs based on patient characteristics using a Decision Tree classifier. The project uses Python and popular data science libraries such as scikit-learn, pandas, and matplotlib.

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

Last synced: 14 Jan 2025

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: 24 Nov 2024

https://github.com/mathealgou/ml-jobs

This project is a machine learning exercise, the application receives a set of skills from the user and returns a job title that matches the skills entered. It uses the Random Forest algorithm to make the prediction base on a jobs dataset.

machine-learning python random-forest-classifier scikit-learn

Last synced: 24 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/jimmymugendi/bulding-a-decision-tree-to-predict-customer-churn

This repo desribes bulding a decision tree to predict customer churn in a given organisation

accuracy-score decision-tree-classifier matplotlib-pyplot numpy pandas-dataframe scikit-learn

Last synced: 16 Nov 2024

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

Basic linear regression using data from Kaggle https://www.kaggle.com/adityadesai13/used-car-dataset-ford-and-mercedes/tasks?taskId=1258

linear-regression numpy pandas plots scikit-learn scipy seaborn-plots

Last synced: 19 Nov 2024

https://github.com/cptanalatriste/copycat-detector

A Naive-Bayes classifier for detecting plagiarism.

amazon-sagemaker naive-bayes-classifier scikit-learn

Last synced: 12 Jan 2025