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/akashshnkr/multi-disease-prediction

Developed and integrated three machine learning models for predicting diabetes, Parkinson's, and heart disease into a Streamlit-based web application. The interface allows users to input data and receive accurate health predictions, enhancing early detection and healthcare outcomes.

logistic-regression machine-learning-algorithms numpy pandas python scikit-learn streamlit-webapp svm

Last synced: 22 Jan 2025

https://github.com/abhiramdodda/rainfall_prediction

Machine Learning model built on Telangana dataset cropped from Indian weather dataset merged with average temperature dataset

numpy pandas python3 scikit-learn scikitlearn-machine-learning

Last synced: 12 Jan 2025

https://github.com/jesly-joji/house-price-prediction

House Price Prediction using Linear Regression with Scikit-learn and Flask

flask regression scikit-learn

Last synced: 22 Jan 2025

https://github.com/7irelo/regressor-model

Video Game Sales Prediction using Decision Tree Regression

joblib matplotlib numpy pandas scikit-learn

Last synced: 13 Jan 2025

https://github.com/kostasereksonas/ids_test

Code for intrusion detection system based on "Intrusion Detection System Using Machine Learning Algorithms" tutorial on Geeksforgeeks and Intrusion Detection on NSL KDD Github repository.

ids intrusion-detection intrusion-detection-system nsl-kdd-dataset numpy pandas python scikit-learn tensorflow

Last synced: 16 Jan 2025

https://github.com/yvesemmanuel/machine_learning

Implements data problems solved with machine learning algorithms.

data-science keras keras-tensorflow linear-algebra machine-learning neural-network python scikit-learn

Last synced: 16 Jan 2025

https://github.com/ayberkyavuz/ml_model_server_docker_deployment

This repository is for containing source codes of machine learning model server deployment.

deployment docker flask machine-learning model python random-forest scikit-learn

Last synced: 06 Dec 2024

https://github.com/chrislemke/scikit-tabtrans

TabTransformer ready for Scikit learn 🧑‍🔬

deep-learning machine-learning python scikit-learn transformer

Last synced: 09 Nov 2024

https://github.com/kohlerhector/trex-tree-reward-exploration

Using Tree estimators of the MDP models to then count leaves grouping similar transitions and do count-based exploration.

decision-trees drl exploration rl scikit-learn stable-baselines3

Last synced: 30 Dec 2024

https://github.com/jordandeklerk/pygridge

A scikit-learn compatible Python package for data-driven group regularized ridge regression

python regression regularized-regression scikit-learn

Last synced: 19 Dec 2024

https://github.com/lechemi/machine-learning-vademecum

Un notebook contenente nozioni di base ed esempi pratici in python sul machine learning.

machine-learning python scikit-learn

Last synced: 19 Dec 2024

https://github.com/haloapping/ml-with-me

Kalo dengar istilah ML, biasanya rada ambigu. Soalnya punya beberapa kepanjangan, seperti Mobile Legend, Makan Lontong, dan lain-lain. Tapi pada repo ini membahas Machine Learning :)

ml pusing python3 scikit-learn stress tau-ah-gelap

Last synced: 06 Jan 2025

https://github.com/haloapping/ml-workflow

Template alur kerja machine learning.

mahine-learning numpy pandas python3 scikit-learn

Last synced: 06 Jan 2025

https://github.com/kookmin-sw/capstone-2023-29

자리있어? - 경기도 광역버스 좌석예측 시스템

fastapi lstm postgresql python3 pytorch react scikit-learn sqlalchemy

Last synced: 13 Nov 2024

https://github.com/mpolinowski/isometric-mapping

Non-linear dimensionality reduction through Isometric Mapping

isomap matplotlib-pyplot python scikit-learn

Last synced: 30 Nov 2024

https://github.com/nemeslaszlo/sale-price-of-bulldozers

The goal of predicting the sale price of bulldozers. How well can we predict the future sale price of a bulldozer, given its characteristics previous examples of how much similar bulldozers have been sold for? (Archive kaggle competition)

matplotlib numpy pandas random-forest-regressor regression scikit-learn seaborn

Last synced: 01 Dec 2024

https://github.com/kieranlitschel/kerassearchcv

Built for the implementation of Keras in Tensorflow. Behaves similarly to GridSearchCV and RandomizedSearchCV in Sci-Kit learn, but allows for progress to be saved between folds and for fitting and scoring folds in parallel.

classification grid-search keras keras-tensorflow multithreading randomized-search scikit-learn

Last synced: 03 Jan 2025

https://github.com/satvikpraveen/fashionmnist-analysis

A comprehensive analysis of the Fashion MNIST dataset using PyTorch. Covers data preparation, EDA, baseline modeling, and fine-tuning CNNs like ResNet. Includes modular folders for data, notebooks, and results. Features CSV exports, visualizations, metrics comparison, and a requirements.txt for easy setup. Ideal for ML workflow exploration.

computer-vision confusion-matrix convolutional-neural-networks deep-learning-algorithms exploratory-data-analysis fashion-mnist-dataset fine-tuning hyperparameter-tuning image-classification jupyter-notebook machine-learning-algorithms matplotlib-pyplot model-evaluation numpy pandas pytorch resnet-18 scikit-learn seaborn vgg

Last synced: 23 Jan 2025

https://github.com/sorenfyhn/resights-avm-house-prices

My attempts for the automatic valuation model (AVM) hackathon by Resights.

machine-learning python pytorch scikit-learn

Last synced: 23 Jan 2025

https://github.com/myahninsi/housing-price-prediction-ml

Final project for Big Data Visualization for Business Communications 01 (DSMM Group 1). Analyzes housing data, identifies key price factors, and builds predictive models using machine learning. Includes Power BI dashboards for interactive visualizations and Flask for deployment.

elastic-net lasso-regression linear-regression matplotlib numpy pandas ridge-regression scikit-learn seaborn

Last synced: 30 Dec 2024

https://github.com/adadalshabab/human-stress-analysis-greadsearch-classifier

The project leverages data from physiological signals, self-reported surveys, behavioral observations, or other relevant sources to infer and analyze stress levels.

classification knn-classification machine-learning machine-learning-algorithms matplotlib pandas scikit-learn

Last synced: 21 Jan 2025

https://github.com/sorenfyhn/dtu-machine-learning-project

My project work for the DTU 02450 Machine Learning course.

machine-learning python pytorch quarto scikit-learn

Last synced: 23 Jan 2025

https://github.com/dmschauer/aws-sagemaker-deployment-test

I did a simple test to see how deploying a machine learning model on AWS Sagemaker and thus turning it into an API works. Since scikit-learn models require less dependencies than e.g. TensorFlow models I went with them for this test. To do so I used a tutorial.

aws boto3 python sagemaker scikit-learn

Last synced: 08 Jan 2025

https://github.com/icejan/predicton-systems

Systems that generates results based on data

lightfm numpy python scikit-learn

Last synced: 29 Nov 2024

https://github.com/rakibhhridoy/appliedmachinelearninghousing-regression

Let's take the Housing dataset which contains information about different houses in Boston. This data was originally a part of UCI Machine Learning Repository and has been removed now. We can also access this data from the scikit-learn library. The objective is to predict the value of prices of the house using the given features.

deep-learning housing-market housing-prices machine-learning numpy pandas python real-estate regression scikit-learn

Last synced: 25 Dec 2024

https://github.com/ericmaddox/crime-analyst-ai

AI-powered Python project that analyzes crime data, predicts trends using advanced models, and visualizes insights on interactive maps with validation for accuracy and reliability.

ai artifical-intelligence crime-analysis crime-data crime-data-analysis crime-prediction crime-statistics ollama ollama-api python python3 scikit-learn

Last synced: 08 Jan 2025

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

https://github.com/belzebu013/prever_nivel_colesterol

Projeto de IA com algoritmo de Regressão Linear múltipla para prever o nível de colesterol de um individuo.

ia jupiter-notebook pandas python regressao-linear-multipla scikit-learn

Last synced: 19 Dec 2024

https://github.com/prashver/end-to-end-model-deployment-on-aws

Student Performance Analysis with Machine Learning analyzes factors impacting student outcomes using a robust machine learning pipeline. Achieving an impressive R2 score, it predicts student performance effectively. With extensive data preprocessing and deployment on AWS Elastic Beanstalk, it ensures scalability and high availability.

amazon-web-services aws-elastic-beanstalk end-to-end-deployment flask machine-learning-algorithms matplotlib numpy pandas scikit-learn seaborn

Last synced: 14 Jan 2025

https://github.com/drkbluescience/wids2024_challenge2_metastaticdiagnosisregression

This notebook presents an exploratory data analysis (EDA) and regression modeling approach for the WiDS Datathon 2024 Challenge #2.

catboost data data-visualization ensemble-learning exploratory-data-analysis gradient-boosting imputation-methods lgbm machine-learning scikit-learn women-in-data-science

Last synced: 19 Dec 2024

https://github.com/josancamon19/boston_housing

Predicting Boston Housing Prices for Udacity Machine Learning Nanodegree

boston-housing-price-prediction machine-learning machine-learning-nanodegree scikit-learn udacity

Last synced: 28 Dec 2024

https://github.com/darkdk123/customer-churn-prediction-innobytes

Predicting Customer churns as an Internship project at Innobytes services.

data-science python scikit-learn streamlit xgboost-classifier

Last synced: 28 Dec 2024

https://github.com/aqueeqazam/machine-learning-using-scikit

This repository contains all of the algorithms used to train the machine learning models using the Scikit library.

numpy scikit-learn

Last synced: 14 Jan 2025

https://github.com/rohra-mehak/sciencesync

System for Personalized Google Scholar Alerts Processing and Data Management, and provision of ML based clustering analysis

agglomerative-clustering clustering crossref-api customtkinter google-api google-scholar graph-api machine-learning numpy pandas python3 scientific-article-analysis scikit-learn sqlite3

Last synced: 28 Dec 2024

https://github.com/abdulshaikh55/ml-involuntary-denied-boarding

A machine learning model that predicts whether you will be denied onboarding your plane.

first-timers ipynb machine-learning scikit-learn

Last synced: 19 Dec 2024

https://github.com/official-biswadeb941/clopimedi---your-heart-s-trusted-care

ClopiMedi is an AI-driven healthcare application that simplifies doctor appointment bookings, offering personalized recommendations based on medical conditions to enhance patient-provider connections.

adam ai flask flask-api flask-api-backend full-stack-web-development joblib machine-learning scikit-learn tensorflow

Last synced: 31 Oct 2024

https://github.com/aysenurcftc/breast_cancer_streamlit

Breast Cancer Wisconsin Dataset Classifier with Scikit-learn and Streamlit

breast-cancer classification gridsearch scikit-learn streamlit

Last synced: 14 Jan 2025

https://github.com/taeefnajib/predicting-heart-disease-using-logistic-regression

In this project, we trained a model that predicts whether a person will have heart disease or not. We also created a web app using Flask and deployed our application on Render.

classification deployment disease flask heart logistic-regression render scikit-learn sklearn

Last synced: 21 Jan 2025

https://github.com/emmarhoffmann/starsort

A multi-model machine learning project that achieves up to 100% accuracy in classifying star types using five different AI algorithms

decision-tree naive-bayes neural-network python random-forest scikit-learn svm

Last synced: 19 Dec 2024

https://github.com/hariprasath-v/machinehack_analytics_olympiad_2023

Create a machine learning model to determine the likelihood of a customer defaulting on a loan based on credit history, payment behavior, and account details.

binaryclassification catboost exploratory-data-analysis machine-learning numpy pandas python scikit-learn shap

Last synced: 13 Jan 2025

https://github.com/gustaminas/ai_primer---flatland

A project from the AI_primer course at Vilnius university.

cnn-keras data-augmentation data-mixup dropout-keras scikit-learn shape-classification

Last synced: 05 Dec 2024

https://github.com/drtey/tryingml

Hands on Machine Learning´s fundamentals

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

Last synced: 21 Jan 2025

https://github.com/eco786786/spotify-playlist-generator

This project uses machine learning to cluster songs by features like tempo, genre and mood with K-Means. It then creates personalised Spotify playlists based on these clusters, providing dynamic, genre specific track collections. Integrating the Spotify API, it enables users to explore new music within custom groupings.

flask matplotlib pandas python3 scikit-learn seaborn

Last synced: 21 Jan 2025

https://github.com/arizdn234/spotify-api-with-colab

Crawling, Analyzing, Clustering music data from Spotify API

machile-learning scikit-learn spotify-api spotipy-library

Last synced: 30 Dec 2024

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

hands-on machine learning notebooks collection

jupyter-notebook machine-learning scikit-learn

Last synced: 13 Jan 2025

https://github.com/theengineerprogrammer/kmeans-medoids

Changing cluster centers from centroids to medoids for kmeans

clustering k-means k-medoids kmeans kmedoids scikit-learn

Last synced: 19 Dec 2024

https://github.com/shreeparab1890/duplicate-question-predictor

The ipython notebook is working to build a model which will detect duplicate questions if two questions pair are given.

bag-of-words nlp nlp-machine-learning nltk numpy pandas python random-forest scikit-learn sklearn streamlit

Last synced: 01 Jan 2025

https://github.com/miguellopezvirues/azure_keyword_cpc

Development and deployment of simple regression model in Azure Machine Learning.

azureml deplyment machine-learning mlflow pandas scikit-learn

Last synced: 24 Dec 2024

https://github.com/mnj-tothetop/english-handwritten-characters-recognizer

A handwritten english character recognizer [0-9, A-Z, a-z] made by using a Dataset of 3409 images. Tensorflow, Keras, Scikit-learn, and OpenCV was used to implement the Convolution Neural Network (CNN). Matplotlib and Seaborn were used to visualize the data.

artificial-intelligence convolutional-neural-networks keras matplotlib opencv-python scikit-learn seaborn tensorflow

Last synced: 21 Jan 2025

https://github.com/bkamapantula/discover

Code search utility to assist developer workflows via code discovery. Currently uses TF-IDF estimator.

developer-tools python scikit-learn tf-idf

Last synced: 06 Dec 2024

https://github.com/i30101/mathworks2024

Coding tools for 2024 MathWorks Math Modeling Challenge

machine-learning mathematical-modelling python scikit-learn

Last synced: 12 Jan 2025

https://github.com/gangula-karthik/bank-transaction-classification

Classifying bank transactions with precision—your first step towards smarter finance management 💳🤖📊

finance machine-learning nlp scikit-learn

Last synced: 22 Dec 2024

https://github.com/paragon279/cancercellclassificationbyscikitlearn

Classifies cancer cell using Scikit-learn

machine-learning python scikit-learn

Last synced: 20 Jan 2025

https://github.com/pierrealexandre78/deathpredict

Predict Hospital mortality rate using Machine Learning for patients admitted in ICU (Intensive Care Unit)

healthcare hospital machine-learning predictions python random-forest-classifier scikit-learn xgboost-classifier

Last synced: 13 Jan 2025

https://github.com/allanreda/telco-customer-churn-predictor-app

A web-based machine learning application that predicts customer churn using a logistic regression model. Built with Scikit-Learn for model training, Gradio for the user interface, and deployed on Google Cloud App Engine. The app allows users to input customer data and receive predictions on churn risk to support business decision-making.

app-engine data-visualization deployment google-cloud gradio hyperparameter-tuning logistic-regression machine-learning numpy pandas scikit-learn

Last synced: 28 Dec 2024

https://github.com/adi3042/sensor-fault-detection

🔍⚙️ Ensure Reliable Operations! Detect anomalies and prevent disruptions with our Sensor Fault Detection system. Explore advanced classification and regression techniques to identify and address sensor faults effectively. Your path to robust and accurate sensor data begins here! 🚨🔧 SensorFaultTech

classification css datetime fault-detection flask functools html ipykernel jupternotebook machine-learning numpy pandas python3 readme regression scikit-learn sensor setuptools venv

Last synced: 30 Dec 2024

https://github.com/adi3042/credit-card-fault-detection

🔍💳 Secure Your Finances! Detect anomalies and safeguard transactions with our Credit Card Fault Detection system. Dive into cutting-edge classification techniques to identify fraud and protect financial data. Your journey to secure payments starts here! 🚨🔒 FraudDetectionTech

classification credit-card css datetime fault-detection flask functools html ipykernel jupyternotebooks machine-learning numpy pandas python3 readme scikit-learn setuptools venv

Last synced: 30 Dec 2024

https://github.com/oneapi-src/predictive-asset-health-analytics

AI Starter Kit for Predictive Asset Maintenance using Intel® optimized version of XGBoost

machine-learning scikit-learn

Last synced: 05 Nov 2024

https://github.com/oneapi-src/customer-churn-prediction

AI Starter Kit for customer churn prediction using Intel® Extension for Scikit-learn*

machine-learning scikit-learn

Last synced: 05 Nov 2024

https://github.com/ghoumbadji/analyzing-customer-churn-for-a-telecom-company

The project involves utilizing various machine learning techniques, both supervised and unsupervised, to detect customer churn and identify the key factors contributing to it.

churn-analysis churn-prediction kaggle machine-learning pandas random-forest-classifier scikit-learn

Last synced: 26 Dec 2024

https://github.com/mitchmedeiros/mlcompare

Quickly compare machine learning models across libraries and datasets

huggingface-datasets kaggle openml pytorch scikit-learn xgboost

Last synced: 10 Oct 2024

https://github.com/deliprofesor/game-search-volume-prediction-machine-learning-models-and-forecasting

This repository uses machine learning models like Random Forest, XGBoost, LightGBM, and time-series forecasting with Prophet to predict game search volumes. Additionally, Grid Search is applied for hyperparameter tuning of the LightGBM model.

data-cleaning data-science data-visualization feature-selection forecasting-models game-search grid-search hyperparameter-tuning lightgbm machine-learning pandas prophet python random-forest scikit-learn time-series-analysis time-series-forecasting xgboost

Last synced: 26 Dec 2024

https://github.com/davidcgong/birddog.io

Real estate forecasting using Zillow Research data

forecasting pandas scikit-learn

Last synced: 21 Dec 2024

https://github.com/maxwelllzh/linearizer

Linearizing parameters for linear regression

data-analysis machine-learning scikit-learn

Last synced: 21 Dec 2024

https://github.com/myself-aas/predict-influence-of-social-media-and-other-socio-demographic-factors-on-study-duration

'The Study Duration Prediction Web App' uses machine learning to predict student study time based on factors like GPA, family background, social media engagement, and personal influences. Built with Flask and scikit-learn, it offers personalized insights into how lifestyle choices affect academic performance and study habits.

flask-application machine-learning machine-learning-algorithms prediction-model python scikit-learn scikitlearn-machine-learning webapp

Last synced: 19 Jan 2025

https://github.com/nicolascoiado/mulheres-ti

Este repositório contém um código em Python para analisar a evolução do número de mulheres na área de Tecnologia da Informação (TI) ao longo dos anos. Utilizando pandas para manipulação de dados e scikit-learn para criar um modelo de regressão linear, o objetivo é prever quantas mulheres estarão na TI em 2024 com base em dados históricos.

linear-regression matplotlib pandas python python3 scikit-learn

Last synced: 21 Dec 2024

https://github.com/thammami01/simple-recruitment-ml

Simple recruitment app that allows job posting/application, and viewing regression/classification figures based on entries.

flask matplot-lib mongodb python scikit-learn

Last synced: 14 Jan 2025

https://github.com/ledsouza/machine-learning-semisupervisionado

Este projeto utiliza algoritmos de aprendizado de máquina semi-supervisionado para classificar a qualidade do leite como alta, média ou baixa.

data-science joblib machine-learning machine-learning-algorithms pandas python scikit-learn

Last synced: 14 Jan 2025

https://github.com/mpoojithavigneswari/sentiment-analysis

The primary goal of this project is to build a sentiment analysis model that can predict the sentiment of a given review (positive or negative).

deep-learning keras machine-learning nlp python rnn-lstm scikit-learn tensorflow

Last synced: 10 Oct 2024

https://github.com/siddhesh-agarwal/cognizant-prodigi-22

Supply chain event predictability and Visibility

fastapi javascript python react scikit-learn solidity sqlite typescript

Last synced: 14 Jan 2025

https://github.com/thananjaya/admission_chance_prediction

Admission Chance Prediction using linear regression, wrapped up using Flask framework

flask linear-regression machine-learning python3 scikit-learn

Last synced: 29 Nov 2024

https://github.com/5hraddha/optimize-oil-well-locations

In the quest for harnessing valuable energy resources, the OilyGiant mining company wants to expand its operations by discovering new oil well locations. To achieve this, a data-driven approach is adopted, leveraging geological exploration data from three distinct regions and employing techniques in data analysis and modeling.

linear-regression numpy pandas scikit-learn supervised-learning

Last synced: 07 Jan 2025

https://github.com/5hraddha/megaline-plan-recommendations

Megaline is a telecom operator and it offers its clients two prepaid plans, Surf and Ultimate.Megaline has found out that many of their subscribers use legacy plans. They want to develop a model that would analyze subscribers' behavior and recommend one of Megaline's newer plans: Smart or Ultra.

decision-tree-classifier logistic-regression random-forest-classifier scikit-learn supervised-learning

Last synced: 07 Jan 2025

https://github.com/adriantomin/bulldozer-price-prediction

Predicting the Sale Price of Bulldozers Using Machine Learning 🚜💰 This project uses machine learning to predict bulldozer sale prices based on historical data from the Kaggle Bluebook for Bulldozers competition. The goal is to minimize the RMSLE between actual and predicted prices.

data-science jupyter-notebook machine-learning matplotlib-pyplot numpy pandas python scikit-learn

Last synced: 10 Oct 2024

https://github.com/chrispsang/customerchurnanalysis

Predicting customer churn using a RandomForestClassifier with detailed EDA, model evaluation, and visualization. Includes a Tableau dashboard for interactive insights.

customerchurn data-analysis data-visualization datapreprocessing machine-learning python scikit-learn tableau

Last synced: 10 Oct 2024

https://github.com/rishavp15/aivshuman_text

In this project make user to decide that the text which is entered in text box is a human generated or a computer generated text.

django pandas python scikit-learn

Last synced: 10 Oct 2024