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/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/enyaude/california_house_price_prediction

Developed a California house price prediction model utilizing linear regression and Random Forest, and applied machine learning techniques such as Ridge, and Lasso for optimization in Python.

jupyter-notebook linear-regression python random-forest scikit-learn streamlit

Last synced: 31 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/m-muecke/text-normalizer

Text normalizer integration for sklearn.pipeline.Pipeline class

nlp nltk python scikit-learn

Last synced: 28 Oct 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/iamwatchdogs/cardiovascular-risk-prediction

This mini-project uses machine learning algorithms to predict possible risks of heart disease by analyzing given data.

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

Last synced: 11 Oct 2024

https://github.com/pymc-learn/pymc-learn-sphinx-theme

Sphinx theme for Pymc-learn documentation

pymc3 pymc4 scikit-learn sphinx sphinx-theme

Last synced: 19 Oct 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: 11 Oct 2024

https://github.com/jawwad-fida/data-science-salary-estimator

A tool that estimates data science salaries (MAE ~ $ 11K) to help data scientists negotiate their income when they get a job.

data-science machine-learning project scikit-learn

Last synced: 11 Oct 2024

https://github.com/tszon/data-science-projects

Included are all the worth-noting Data Science projects in my learning journey with DataCamp.

data-analysis data-science exploratory-data-analysis feature-engineering machine-learning modelling preprocessing-data scikit-learn supervised-learning

Last synced: 12 Oct 2024

https://github.com/gititsid/visaverdict

A ML project to predict possibility of US Visa approval

classification python3 random-forest-classifier scikit-learn

Last synced: 12 Oct 2024

https://github.com/zahediparsa/ml_birkaracademy

Developed exercises and practical tasks to help students grasp key machine learning topics in a course hosted by Birkar Academy and ICDS.ai

decision-trees iris-dataset knn machine-learning mlp-classifier scikit-learn

Last synced: 12 Oct 2024

https://github.com/shubhamsoni98/prediction-with-binomial-logistic-regression

To predict client subscription to term deposits and optimize marketing strategies by identifying potential subscribers.

binomial data data-science eda machine-learning matplotlib pipeline python scikit-learn seaborn sklearn sql visualization

Last synced: 12 Oct 2024

https://github.com/shubhamsoni98/project_using_knn

This project applies the K-Nearest Neighbors (KNN) algorithm to predict iPhone purchases based on customer data. Using features like age, salary, and previous purchase behavior, the KNN model classifies customers into buyers and non-buyers.

anaconda analytics data data-science eda knn knn-classification machine-learning-algorithms predict project python scikit-learn tableau

Last synced: 12 Oct 2024

https://github.com/jenil311/application-of-covid-19-spread-analysis

The objective of this project is to study the COVID-19 outbreak using basic statistical techniques and make short term predictions using ML regression methods.

covid19-tracker machine-learning regression-analysis regression-models ridge-regression scikit-learn

Last synced: 12 Oct 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: 12 Oct 2024

https://github.com/priyanshulathi/cancer-diagnosis-prediction-model

A Machine Learning project to predict cancer malignancy using K-Nearest Neighbor, Support Vector Machine, and Decision Tree algorithms.

machine-learning numpy pandas python scikit-learn

Last synced: 12 Oct 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: 12 Oct 2024

https://github.com/dwija12903/password-strength-checker

A Model to evaluate the strength of passwords and enhance security for your applications.

matplotlib pandas scikit-learn seaborn xgboost

Last synced: 12 Oct 2024

https://github.com/sdpdas/sm_sentiment_analysis

Using Natural Language Processing (NLP) and pandas, numpy, scikit-learn for classification and applying logistic regression as it is a supervised model, lastly NLTK. Pickle library used for saving and running the model anywhere.

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

Last synced: 12 Oct 2024

https://github.com/jhylin/ml1-1_small_mols_in_chembl

Polars dataframe library and logistic regression in scikit-learn (update)

logistic-regression machine-learning parquet-files polars-dataframe scikit-learn

Last synced: 12 Oct 2024

https://github.com/kefrankk/ml-fraud-detection

I built a predictive model to detect fraud in financial transactions.

pandas python scikit-learn

Last synced: 31 Oct 2024

https://github.com/yuji1702/ai--powered-triage-system

This project implements a machine learning-based triage system for emergency rooms, which classifies patients based on their symptoms and vitals using a Random Forest Classifier. The system features real-time patient data integration, a user-friendly GUI built with Tkinter, and secure patient data encryption using Fernet from the cryptography lib

cryptography data-imputation data-preprocessing data-security encryption gui healthcare machine-learning matplotlib medical-data python random-forest realt-time scikit-learn seaborn tkinter triage-system

Last synced: 31 Oct 2024

https://github.com/alainlebret/python-et-ia-1

Ressources personnelles du cours "Python & IA" en 2e année GPSE à l'ENSICAEN

artificial-intelligence image-processing machine-learning matplotlib numpy python scikit-image scikit-learn

Last synced: 31 Oct 2024

https://github.com/alainlebret/python-et-ia-2

Ressources personnelles du cours "Python & IA" en 2e année GPSE à l'ENSICAEN

artificial-intelligence image-processing machine-learning matplotlib numpy python scikit-image scikit-learn

Last synced: 31 Oct 2024

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: 13 Oct 2024

https://github.com/gaurangdave/house_price_predictions

Machine Learning Application to predict House Prices

hands-on learning-by-doing machine-learning numpy pandas python scikit-learn

Last synced: 31 Oct 2024

https://github.com/ashishsingh789/bcg_virtual_internship

This repository showcases my BCG X virtual internship project on customer churn analysis for PowerCo, covering business understanding, EDA, feature engineering, and modeling using Python and machine learning.

data-manipulation data-science dataanalysis datavisualization eda machine-learning matplotlib numpy pandas python random-forest scikit-learn seaborn

Last synced: 31 Oct 2024

https://github.com/jainish-prajapati/solar-flare-prediction

This repository contains code and data for predicting solar flare energy ranges using machine learning, based on NASA's RHESSI mission data. It includes preprocessing of FITS files into a unified CSV dataset and implements models like Gradient Boosting, Random Forest, and Decision Tree classifiers, achieving accuracies up to 87%.

data-visualization machine-learning numpy pandas python scikit-learn solar-flare-prediction

Last synced: 31 Oct 2024

https://github.com/kheriberto/linear_regression_ecommerce

Simple project showcasing crafting a linear regression model with SciKit Learn

data-analysis jupyter-notebook linear-regression pandas python scikit-learn seaborn

Last synced: 31 Oct 2024

https://github.com/skekre98/movie-recommender

Content-based recommendation engine for movies

cosine-similarity recommendation-system scikit-learn

Last synced: 13 Oct 2024

https://github.com/karthikarajagopal44/data-analysis-using-python-libraries-

The COVID-19 pandemic has significantly impacted India, necessitating a detailed analysis of the virus’s spread within the country. In this project, we explore an India-specific COVID-19 dataset, leveraging Python libraries such as Pandas, NumPy, Matplotlib, and Seaborn.

data-cleaning data-visualization matplotlib numpy pandas python python3 scikit-learn seaborn

Last synced: 31 Oct 2024

https://github.com/drorata/mnist-examples

ML examples for the MNIST dataset

machine-learning ml mnist python scikit-learn torch

Last synced: 11 Oct 2024

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

Diabetes Prediction and Analysis (NHIS-2018)

eda jupyter python scikit-learn streamlit

Last synced: 11 Oct 2024

https://github.com/fahrettinsolak/ai-based-salary-scale-calculation-project

This project demonstrates a Polynomial Regression model using a dataset related to experience and salary. The model is built using Python with the pandas, matplotlib, and sklearn libraries. The dataset includes information on years of experience and corresponding salary.

artificial-intelligence deep-learning jupyter-notebook machine-learning matplotlib pandas pyhton scikit-learn

Last synced: 31 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/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/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: 13 Oct 2024

https://github.com/sreekar0101/-movie-recommendation-system-using-python

The Movie Recommendation System is designed to suggest personalized movie recommendations by analyzing extensive datasets containing movie details and credits.ultilizes python libraries numpy pandas and scikit learn.The system achieved a 15% improvement in accuracy compared to the baseline model by identifying key factors that influence user choice

data-analysis data-visualization numpy-library pandas-dataframe scikit-learn seaborn-python

Last synced: 13 Oct 2024

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: 13 Oct 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: 12 Oct 2024

https://github.com/sonaligill/olympics-analysis

The outcome of this project is an interactive streamlit web application that visualizes the analysis of Olympic data while rendering different aspects of Olympic history, compare country performances, and gain insights into athlete demographics.

numpy plotly python scikit-learn scipy streamlit

Last synced: 12 Oct 2024

https://github.com/lucasfrag/dengue-prediction-knc

Projeto desenvolvido para realizar previsão de casos de dengue usando o algoritmo de classificação KNeighborsClassifier.

data-science knearest-neighbor-classifier machine-learning pandas python scikit-learn

Last synced: 12 Oct 2024

https://github.com/qinhanmin2014/sklearn-svm-guide

Rapidly obtain acceptable results using SVM (based on scikit-learn)

machine-learning scikit-learn svm

Last synced: 28 Oct 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: 31 Oct 2024

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: 31 Oct 2024

https://github.com/musty-ess/shopping-prediction-ai-using-machine-learning

This project is an AI model designed to predict whether customers on an online shopping website will complete a purchase. It uses machine learning, specifically a k-nearest neighbors (KNN) classifier, to analyze user behavior and predict their purchasing intent.

ai-prediction classification-model k-nearest-neighbors knn-classifier machine-learning online-shopping python scikit-learn sensitivity-specificity user-behavior-prediction

Last synced: 31 Oct 2024

https://github.com/mayankyadav23/shipment-pricing-prediction

Shipment Pricing Prediction 📦🔍 is a machine learning project that forecasts shipment prices based on various supply chain factors. Using advanced regression models, it provides valuable insights 📊 to optimize pricing strategies in the supply chain analytics domain.

data-visulization flask ineuron-ai machine-learning python scikit-learn shipment-and-pricing

Last synced: 31 Oct 2024

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

This project builds a linear regression model in Python to predict outcomes and derive insights from feature data. It covers data cleaning, feature analysis, and model evaluation, showcasing predictive modeling techniques using scikit-learn, pandas, and visualization libraries.

data-analysis linear-regression machine-learning predictive-modeling python scikit-learn

Last synced: 31 Oct 2024

https://github.com/ffstghc/caco2ml

Main code chunks used for models in the publication "Exploring the Potential of Adaptive, Local Machine Learning (ML) in Comparison ton the Prediction Performance of Global Models: A Case Study from Bayer's Caco-2 Permeability Database"

caco-2 local-models machine-learning pharmacokinetics scikit-learn

Last synced: 31 Oct 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: 31 Oct 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/gurramankit/censusproject_ml_randomforest

The objective of this project is to build a classification model using the Census Income dataset from the UCI Machine Learning Repository. The model predicts whether an individual's income exceeds $50,000 per year, based on their demographic and employment-related attributes.

matplotlib numpy pandas python random-forest scikit-learn seaborn

Last synced: 31 Oct 2024

https://github.com/haekalsetiawan/banana-quality-ml-analysis

The Banana Quality Analysis ML project classifies the quality of bananas using machine learning. By analyzing banana images and relevant features, the model categorizes bananas into quality tiers. Key stages include data preprocessing, feature extraction, model training, and evaluation, resulting in high accuracy.

pandas python scikit-learn

Last synced: 31 Oct 2024

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: 31 Oct 2024

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: 31 Oct 2024

https://github.com/jupitvq/simple-uib-assistant

Chatbot sederhana berbasis scikit-learn untuk membantu mahasiswa memberikan informasi seputar akademik & administrasi UIB.

chatbot machine-learning scikit-learn virtual-assistant

Last synced: 31 Oct 2024

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/lakshitalearning/codsoft

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

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

Last synced: 03 Nov 2024

https://github.com/ledsouza/deep-learning-noticias

Este projeto visa construir dois modelos de Machine Learning: um para classificar notícias em diferentes categorias e outro para realizar o autocomplete de texto, prevendo a próxima palavra em uma frase. O conjunto de dados fornecido consiste em notícias de um site de notícias, já pré-processadas e armazenadas em um arquivo CSV.

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

Last synced: 10 Oct 2024

https://github.com/alexliap/sk_serve

Deployment of a Scikit-Learn model and it's column transformations made easy.

machine-learning mlops model-deployment scikit-learn

Last synced: 10 Oct 2024

https://github.com/khanovico/energy-data-analysis

This is the cloud model analyzing real world dataset with BigQuery and other big-data analyzing tools. I implemented docker image for running this app on cross-platform environments.

big-data-processing bigquery docker google-app-engine jupyter-notebook mlflow python scikit-learn seaborn xgboost

Last synced: 10 Oct 2024

https://github.com/sudarsann27/basic_machine_learning_algorithms

Basic Machine learning algorithms using scikit-learn and other fundamental libraries

data-science data-visualization ensemble-model kaggle numpy pandas scikit-learn supervised-machine-learning

Last synced: 03 Nov 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/jingjing515/purchase-behavior-analysis

Purchase Behavior Analysis for Targeted Customer Segmentation

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

Last synced: 03 Nov 2024

https://github.com/akash-nath29/mnist_test

Handwritten digit recognition API using Scikit-Learn and FastAPI

fastapi machine-learning scikit-learn

Last synced: 10 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/gliuck/diabetesprediction

Machine learning exam project, focused on predicting diabetes based on health and demographic data. The project uses models like Logistic Regression, KNN, SVM and NN to analyze and predict the likelihood of diabetes in individuals.

machine-learning machine-learning-models numpy-library pandas-library prediction-model python scikit-learn

Last synced: 03 Nov 2024

https://github.com/rosieoh/emergency_dataanalysis

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

ipython matplotlib numpy pandas python scikit-learn scipy

Last synced: 12 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/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