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/mindful-ai-assistants/credit-card-prediction

💳 This repository focuses on building a predictive model to assess the likelihood of credit card defaults. The project includes data analysis, feature engineering, and machine learning to provide accurate default predictions.

jupyter logistic-regression machine-learning python3 scikit-learn

Last synced: 21 Oct 2024

https://github.com/swimshahriar/heart-attack-prediction

Heart attack prediction from 13 features.

jupyter-notebook pandas python3 scikit-learn

Last synced: 02 Nov 2024

https://github.com/vectominist/mednlp

Mandarin Medical Dialogue Analysis with Pytorch.

dialog huggingface mandarin medical pytorch scikit-learn transformers

Last synced: 14 Oct 2024

https://github.com/jasper-koops/easy-gscv

This library allows you to quickly train machine learning classifiers by automatically splitting the data set and using both grid search and cross validation in the training process.

classification machine-learning python3 scikit-learn

Last synced: 23 Oct 2024

https://github.com/rajikaimal/emma

:santa: Intelligent mention bot for GitHub organizations

bot emma machine-learning python scikit-learn

Last synced: 27 Oct 2024

https://github.com/afonsojramos/feup-iart

Projects developed for Artificial Intelligence class.

feup feup-iart iart neural-network python scikit-learn tensorflow

Last synced: 13 Oct 2024

https://github.com/dustinmichels/bayesian-values-guesser

Uses some user input, data from the World Values Survey <www.worldvaluessurvey.org>, and Bayes Rule to guess a number of beliefs the user might have. STATUS: In progress.

bayes-rule bayesian-values-guesser naive-bayes-classifier pandas python scikit-learn values-survey

Last synced: 27 Oct 2024

https://github.com/offchan42/thai-thesis-classification

Classify each document inside the corpus using Python machine learning module: scikit-learn

nlp python python2 scikit-learn segment thai thai-language thai-thesis-classification

Last synced: 29 Oct 2024

https://github.com/jswong65/machine_learning_nanodegree

Projects of Udacity Machine Learning nanodegree

machine-learning numpy pandas python scikit-learn scipy

Last synced: 29 Oct 2024

https://github.com/rs2416/Detecting_Social_Anxiety

This repository contains the full dataset and code needed to recreate the classification models and reproduce the results within this paper: https://formative.jmir.org/2021/10/e32656/

jupyter-notebook machine-learning python scikit-learn social-anxiety

Last synced: 03 Aug 2024

https://github.com/prajwalsinha/unveiling-climate-change-dynamics-through-earth-surface-temperature-analysis

Climate change analysis through global surface temperature data. Includes data preprocessing, statistical analysis, visualizations, and forecasting. Python-based project using Pandas, Matplotlib, and Scikit-learn.

data dataanalysis dynamic-mapping pyplot python scikit-learn seaborn

Last synced: 03 Nov 2024

https://github.com/shliakhovai/house-price-prediction

This repository contains a complete machine learning pipeline for predicting housing prices. It includes data preprocessing, feature engineering, and model training and evaluation components, designed to provide a robust solution for regression tasks.

data-science machine-learning matplotlib numpy pandas prediction python regression scikit-learn seaborn

Last synced: 03 Nov 2024

https://github.com/zen204/airbnb_availability

A machine learning model that predicts Airbnb listing availability, utilizing feature engineering and supervised learning techniques to improve guest experience and optimize host management.

binary-classification data-analysis data-preprocessing data-visualization feature-engineering machine-learning matplotlib model-evaluation nlp pandas predictive-modeling python scikit-learn seaborn supervised-learning

Last synced: 03 Nov 2024

https://github.com/prithivsakthiur/data-board

Data Boards - Visualization of various plots ( Analysis )

data-analysis gradio huggingface keras mathplotlib pandas plots pyplot scikit-learn seaborn spaces

Last synced: 03 Nov 2024

https://github.com/an-exodus/dubai-real-estate-price-prediction-ml

This repository contains a comparative analysis of machine learning algorithms to predict real estate prices in Dubai. Using data from Bayut, we evaluate Decision Tree, Linear Regression, Random Forest, and Gradient Boosting models based on their predictive accuracy.

decision-tree gradient-boosting linear-regression machine-learning random-forest scikit-learn

Last synced: 03 Nov 2024

https://github.com/aarryasutar/logistic_regression_on_age_prediction

This code evaluates the performance of a logistic regression model on age prediction using various features to predict a binary target variable, calculating metrics to determine the performance. It evaluates the comparison, identifies favorable features, and visualizes the ROC-AUC curve to determine the best model performance.

accuracy-score confusion-matrix f1-score feature-selection logistic-regression model-training numpy pandas precision recall rmse roc-auc-curve scikit-learn visualization

Last synced: 03 Nov 2024

https://github.com/soumya6tiwari/customer-segmentation-using-rfm-analysis

This project focuses on customer segmentation using RFM (Recency, Frequency, Monetary) analysis and K-Means clustering. It enables businesses to identify high-value customers, optimize marketing strategies, and improve customer retention through data-driven insights.

backend clustering flask frontend kmeans-clustering matplotlib numpy pandas python rfm-analysis scikit-learn unsupervised-learning

Last synced: 03 Nov 2024

https://github.com/priboy313/pandasflow

A set of custom python modules for friendly workflow on pandas

catboost data-analysis data-science pandas phik python scikit-learn shap

Last synced: 03 Nov 2024

https://github.com/pankajarm/tabular_ml_toolkit

A helper library to jumpstart your machine learning project based on tabular or structured data.

data-science feature-engineering hyperparameter-tuning machine-learning parallelism python scikit-learn structured-data tabular xgboost

Last synced: 03 Nov 2024

https://github.com/samarpan-rai/serveitlearn

It creates an extremely thin layer around FastAPI library which allows you to create an end point super fast.

fastapi inference ml pypi scikit-learn

Last synced: 30 Oct 2024

https://github.com/swaathi/cpt-recommendation

Collaborative Filtering using User-Item and Item-Item Models

collaborative-filtering numpy recommendation-system scikit-learn

Last synced: 30 Oct 2024

https://github.com/gmontamat/quora-question-pairs

Code for the Kaggle competition "Quora Question Pairs"

kaggle-competition quora-question-pairs scikit-learn spell-checker xgboost

Last synced: 30 Oct 2024

https://github.com/rizz1406/spam-email-detector

Spam Email Classifier using Python and Streamlit A simple machine learning project that classifies emails as **spam** or **ham** using the **Naive Bayes algorithm** and **TF-IDF** for text feature extraction. The project includes a user-friendly web app built with Streamlit

nlp pandas pytho3 scikit-learn streamlit

Last synced: 31 Oct 2024

https://github.com/mehmoodulhaq570/machine-learning-models

A repository consisting of machine learning models for predicting the future instance. More specifically this repository is a Machine Learning course for those who are interested in learning the basics of machine learning algorithms.

decision-trees gradient-descent gradient-descent-algorithm knn-algorithm linear-regression linear-regression-models logistic-regression-algorithm machine-learning-algorithms machine-learning-models ml naive-bayes-algorithm one-hot-encoding pca python random-forest-classifier scikit-learn svm-model

Last synced: 05 Nov 2024

https://github.com/adzialocha/notebook

Jupyter notebooks for random experiments with audio processing, data analysis and machine learning

jupyter-notebook keras learning librosa music21 scikit-learn

Last synced: 05 Nov 2024

https://github.com/oneapi-src/product-recommendations

AI Starter Kit for product recommendation system using Intel® Extension for Scikit-learn*

machine-learning scikit-learn

Last synced: 05 Nov 2024

https://github.com/rajaprerak/ml_dl_webapp

Machine learning and Deep learning project

flask heroku keras knearest-neighbors python scikit-learn tensorflow

Last synced: 06 Nov 2024

https://github.com/labrijisaad/chefclub-data-internship

Repository showcasing my Data Engineer / Scientist internship at Chefclub, contributing to data infrastructure enhancement and fostering data-driven insights.

airflow chefclub data-engineering data-science gcp scikit-learn

Last synced: 06 Nov 2024

https://github.com/labrijisaad/monthly-daily-energy-forecasting-docker-api

This repository houses an Energy Forecasting API that uses Machine Learning to predict daily and monthly energy consumption from historical data. It's designed as a practical demonstration of a Machine Learning Engineering workflow, from initial analysis to a deployable API packaged with Docker.

api docker jupyter-notebooks machine-learning makefile python random-forest scikit-learn xgboost

Last synced: 06 Nov 2024

https://github.com/paulj1989/bulgarian-constitutional-court-decisions

Developing NLP models for text and sentence classification using legal texts from the Bulgarian constitutional court.

keras neural-network nlp scikit-learn tensorflow tesseract

Last synced: 06 Nov 2024

https://github.com/rakibhhridoy/machinelearning-featureselection

Before training a model or feed a model, first priority is on data,not in model. The more data is preprocessed and engineered the more model will learn. Feature selectio one of the methods processing data before feeding the model. Various feature selection techniques is shown here.

extratreesclassifier feature-selection gridsearchcv lasso-regression logistic-regression machine-learning numpy pandas pca rfe rfecv scikit-learn selectkbest

Last synced: 06 Nov 2024

https://github.com/rakibhhridoy/supportvectormachinein-medical

Support vector machine in medical disease detection. Both linear and non-linear data can be fitted in svm through its kernel specialization In medical we focus on precision or recall rather than accuracy.

diabetes-prediction machine-learning medical precision-medicine recall-precision scikit-learn support-vector-machines svm

Last synced: 06 Nov 2024

https://github.com/rakibhhridoy/easywaydiveinto-datascience

Data Science is not as easy as it seems at first. The most problem faced by new learner are lack of resource knowledge as well as confusion in using the various resources. I hope this repository will benefit confusion learner.

algorithms algorithms-implemented bayesian-statistics data-science deep-learning deep-neural-networks linear-algebra machine-learning matplotlib multivariate-calculus numpy optimization pandas python scikit-learn scipy seaborn statistics statsmodels tensorflow

Last synced: 06 Nov 2024

https://github.com/nirmalyabag20/crop-yield-prediction-using-machine-learning

This project uses machine learning to predict crop yields based on factors like region, crop type, rainfall, temperature, and pesticide use. By analyzing a dataset of over 28,000 records, the models provide accurate yield forecasts, helping optimize farming decisions and resource management, ultimately contributing to sustainable agriculture.

jupyter-notebook matplotlib numpy pandas python scikit-learn seaborn

Last synced: 31 Oct 2024

https://github.com/nirmalyabag20/loan-status-prediction-using-machine-learning

This project focuses on predicting the loan status (approved or not approved) based on various applicant details. The goal is to develop a machine learning model that accurately classifies whether a loan should be approved, helping financial institutions make informed lending decisions.

matplotlib numpy pandas python scikit-learn seaborn support-vector-machine

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/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/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/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/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/lopez86/datascienceexamples

Examples of various data science & data analysis topics using various sources of data.

data-analysis data-science pandas scikit-learn tutorial visualization

Last synced: 06 Nov 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/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/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/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/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/rosieoh/emergency_dataanalysis

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

ipython matplotlib numpy pandas python scikit-learn scipy

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/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/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: 12 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/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/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/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: 31 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/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/kheriberto/logistic_regression_project

A project that analyses dummie data from an advertising company using logistic regression

data-analysis logistic-regression pandas python scikit-learn seaborn

Last synced: 31 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/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/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/akansharajput280799/data-driven-insights-into-job-satisfaction-and-compensation-trends

This project analyzes 2020 employee data to identify factors influencing job satisfaction, performance, and salary differences, offering insights for improving engagement and workplace strategies.

cluster-analysis colab-notebook data-cleaning descriptive-statistics factor-analysis hypothesis-testing jupyter-notebook matplotlib python scikit-learn seaborn t-test visualization

Last synced: 31 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/jalijuhola/amazon-textual-reviews-recommender-

predicting score and recommending using amazon textual reviews

numpy pandas python scikit-learn typescript

Last synced: 06 Nov 2024

https://github.com/yungshenglu/pokemonrecognition

Recognize Pokemon's image using scikit-learn in Python

knn-model python scikit-learn svm-model

Last synced: 10 Oct 2024