Ecosyste.ms: Awesome
An open API service indexing awesome lists of open source software.
scikit-learn
scikit-learn is a widely-used Python module for classic machine learning. It is built on top of SciPy.
- GitHub: https://github.com/topics/scikit-learn
- Wikipedia: https://en.wikipedia.org/wiki/Scikit-learn
- Repo: https://github.com/scikit-learn/scikit-learn
- Created by: David Cournapeau
- Released: January 05, 2010
- Related Topics: scikit, python,
- Aliases: sklearn,
- Last updated: 2024-11-08 00:26:25 UTC
- JSON Representation
https://github.com/csinva/trees-to-networks
Bridging random forests and deep neural networks. Partial implementation of "Neural Random Forests" https://arxiv.org/abs/1604.07143
artificial-intelligence classification decision-tree decision-tree-classifier deep-learning machine-learning machinelearning neural-network neural-networks paper-implementations python pytorch random-forest scikit-learn statistics
Last synced: 28 Oct 2024
https://github.com/mateuszk098/kaggle-notebooks
Bunch of notebooks collection from Kaggle competitions.
data-science deep-learning jupyter-notebook kaggle kaggle-competition lightgbm machine-learning machine-learning-algorithms neural-networks notebook numpy pandas python python3 pytorch scikit-learn supervised-learning tensorflow unsupervised-learning xgboost
Last synced: 07 Nov 2024
https://github.com/sayakpaul/bentoml-explorations
Contains my experiments made with the mighty library BentoML
bentoml python rest-api scikit-learn tensorflow zomato
Last synced: 28 Oct 2024
https://github.com/jbeno/datawaza
Data science tools for exploration, visualization, and model iteration.
data-science dataviz machine-learning matplotlib pandas scikit-learn seaborn
Last synced: 10 Oct 2024
https://github.com/klane/springboard
Springboard Data Science Career Track assignments
data-science jupyter-notebook pyspark python scikit-learn springboard sql
Last synced: 31 Oct 2024
https://github.com/andi611/naive-bayes-and-decision-tree-classifiers
Naive Bayes and Decision Tree Classifiers implemented with Scikit-Learn and Graphviz visualization (Datasets - News, Mushroom, Income)
adult-dataset data-mining data-mining-algorithms decision-tree decision-tree-algorithm decision-tree-classifier decision-trees graphviz income-dataset mushroom-classification mushroom-classifier naive-bayes naive-bayes-algorithm naive-bayes-classification naive-bayes-classifier news-data scikit-learn scikitlearn-machine-learning sklearn
Last synced: 14 Oct 2024
https://github.com/kamomille/titanic
Auriez vous survécu au naufrage du Titanic ?
data-science jupiter-notebook machine-learning scikit-learn titanic
Last synced: 28 Oct 2024
https://github.com/rutujar/scikit-learn
Scikit learn is applied for Androsensor (available in google play store) datasets and iris data sets.
jupyter-notebook linear-regression machine-learning python scikit-learn svm
Last synced: 13 Oct 2024
https://github.com/engageintellect/bitcoin-price-predictor
This Python project predicts whether the price of Bitcoin will increase or decrease on the next day, using historical price data and machine learning. Additionally, the project visualizes Bitcoin's price movements using candlestick charts along with moving averages for different timeframes.
bitcoin machine-learning matplotlib mplfinance numpy pandas python scikit-learn visualization yfinance
Last synced: 09 Oct 2024
https://github.com/zacheddy/issuelabeler
Automatically label issues on GitHub repositories with machine learnin' (demo available)
classifier machine-learning python scikit-learn
Last synced: 14 Oct 2024
https://github.com/aadityatamrakar/captcha_ai
ML program to decode text from captcha images.
matplotlib python scikit-learn sklearn
Last synced: 14 Oct 2024
https://github.com/shreyansh055/time-series-forecasting_055
The Time Series Forecasting Project predicts future trends using historical data with Python, Pandas, and models like ARIMA, LSTM, and Prophet, focusing on scalable, accurate forecasting for business and finance.
lstm matplotlib numpy pandas python scikit-learn seaborn
Last synced: 31 Oct 2024
https://github.com/lorey/data-intensive-latex-documents
Python framwork for data-intensive LaTeX documents.
automation latex machine-learning scikit-learn sklearn
Last synced: 14 Oct 2024
https://github.com/andreasgrv/tictacs
Machine learning pipeline configuration on steroids (on tictacs actually)
config pipeline reflection scikit-learn
Last synced: 11 Oct 2024
https://github.com/thenorthkun/twitter-gender-text-analysis
This Project contains a vivid analysis of texts, words (using NLP) typed by Male & Female users active on Twitter. 🐦👨📝
analysis data-visualization natural-language-processing scikit-learn
Last synced: 14 Oct 2024
https://github.com/marella/evaluate
A tool to evaluate the performance of various machine learning algorithms and preprocessing steps to find a good baseline for a given task.
lightgbm machine-learning python scikit-learn xgboost
Last synced: 25 Oct 2024
https://github.com/magnusax/automl
The project aims to develop a customized ML framework on top of existing libraries
data-science machine-learning machine-learning-algorithms machine-learning-library python scikit-learn
Last synced: 14 Oct 2024
https://github.com/oneapi-src/intelligent-indexing
AI Starter Kit for Intelligent Indexing of Incoming Correspondence using Intel® Extension for Scikit-learn*
Last synced: 05 Nov 2024
https://github.com/spockoo/pylegend
A fusion between Python and legend, a name that suggests that the code is both modern and mythical. 3 months of work, with tons of errors to establish the calculations necessary for the superposition, I want to publish my work and improve it and share it under Apache 2.0 License. Designed to work with NBminer!
crypto crypto-tools how-to-farm-crypto kerastuner matplotlib matrix-multiplication mining nbminer numpy performance-optimization pickle project quantum quantumcircuits quantumcomputing qubits scikit-learn tensorflow
Last synced: 10 Oct 2024
https://github.com/udityamerit/python-librearies-for-data-science
Python libraries for data science enable efficient data manipulation, analysis, and modeling. Key libraries include NumPy for numerical computing, pandas for data handling, Matplotlib for visualization, Scikit-learn for machine learning, TensorFlow for deep learning, and BeautifulSoup/requests for web scraping. These libraries simplify complex data
beautifulsoup data data-science data-science-libraries machine-learning matplotlib numpy pandas requests scikit-learn scikitlearn-machine-learning tensorflow
Last synced: 08 Nov 2024
https://github.com/cyberfantics/bitcoin-price-prediction
A deep learning-based web app for predicting future Bitcoin prices using historical data. Users can interactively select prediction days and view recent price data in real-time.
artificial-intelligence artificial-neural-networks bitcoin deep-learning machine-learning neural-network prediction-model scikit-learn tensorflow
Last synced: 02 Nov 2024
https://github.com/georgedouzas/imbalanced-learn-extra
Implementation of novel oversampling algorithms.
clustering-base-oversampling data-science geometric-smote geometric-somo imbalanced-data imbalanced-learn imbalanced-learning kmeans-smote machine-learning oversampling python scikit-learn smote somo
Last synced: 29 Oct 2024
https://github.com/owenodriscoll/automl
Python package for automated hyperparameter-optimization of common machine-learning algorithms
automl catboost classification hyperparameter-optimization lightgbm machine-learning optuna regression scikit-learn xgboost
Last synced: 27 Oct 2024
https://github.com/pr38/dask_tfidf
A Dask native implementation of 'Term Frequency Inverse Document Frequency' for dask-ml and scikit-learn
dask dask-ml distributed-computing machine-learning python scikit-learn
Last synced: 27 Oct 2024
https://github.com/justsecret123/twitter-sentiment-analysis
A sentiment analysis model trained with Kaggle GPU on 1.6M examples, used to make inferences on 220k tweets about Messi and draw insights from their results.
classification data-analysis data-science deep-learning deep-neural-networks docker glove-embeddings kaggle lstm lstm-neural-networks machine-learning natural-language-processing nlp python rnn scikit-learn sentiment-analysis sentiment-classification tensorflow word-embeddings
Last synced: 05 Nov 2024
https://github.com/superbderrick/creditratingprediction
A simple data prediction system that evaluates creditRating with a little bit data
Last synced: 06 Nov 2024
https://github.com/devamoghs/pos-tagger-nltk-scikit-learn
Part-Of-Speech Tagger using custom trained models, implemented with Scikit-Learn and NLTK
machine-learning natural-language-understanding nltk-library part-of-speech-tagger pos-tagger scikit-learn
Last synced: 28 Oct 2024
https://github.com/jhrcook/100daysofpython
100 days, at least 1 hour a day, of learning the Python programming language.
100-days-of-code 100daysofcode continued-learning data-analysis data-science decision-trees deep-learning keras keras-tensorflow machine-learning neural-network neural-networks plots python python3 scikit-learn tensorflow
Last synced: 11 Oct 2024
https://github.com/alexandregazagnes/scikit-res
Very Basic package to store results of ML models Grid search results are hard to exploit. This package aims to store them in a more convenient way.
data machine-learning mlops mlops-workflow results scikit-learn
Last synced: 28 Oct 2024
https://github.com/szymciem8/openleap
Hand gesture Python module
gesture-recognition library machine-learning mediapipe opencv python scikit-learn
Last synced: 03 Nov 2024
https://github.com/ahmedshahriar/sentiment-analysis
Sentiment Analysis Projects
adam-optimizer data-science-projects deep-learning deep-neural-networks dense densely-connected-networks jupyter-notebook long-short-term-memory lstm-model lstm-sentiment-analysis machine-learning matplotlib numpy pandas scikit-learn sentiment-analysis tensorflow tensorflow-hub tensorflow-models tensorflow-text
Last synced: 03 Nov 2024
https://github.com/thomasthaddeus/dataanalysistoolkit
DataAnalysisToolkit is a Python-based data analysis tool designed to streamline various data analysis tasks. It provides the ability to load data from CSV files, perform statistical calculations, detect outliers, clean data, and visualize data.
data-science matplotlib python python-script python3 scikit-learn
Last synced: 30 Oct 2024
https://github.com/spags093/spotify_song_data
Part 1: Analysis of Spotify song data that uses Machine Learning to determine what features make a "hit" song on Spotify.
machine-learning matplotlib music pandas python scikit-learn seaborn shap spotify spotify-api tensorflow
Last synced: 03 Nov 2024
https://github.com/reekrajroy/selflearning_chatbot
Self learning chatbot using python.
Last synced: 06 Nov 2024
https://github.com/gxuravkumar911/tubedigest
Demonstrating expertise in Python and Django, TubeDigest is a robust web application that leverages NLTK and YouTube API for AI-powered video summarization.
artificial-intelligence django machine-learning natural-language-processing nltk python scikit-learn text-analysis tf-idf web-development
Last synced: 10 Oct 2024
https://github.com/msjahid/machine-learning-projects
A collection of machine learning projects featuring models and algorithms for supervised and unsupervised learning, model evaluation, and optimization.
jupyter matplotlib numpy pandas python scikit-learn seaborn
Last synced: 11 Oct 2024
https://github.com/jonperk318/machine-learning-analysis-of-hyperspectral-data
Using Non-negative Matrix Factorization (NMF) and Variational Autoencoder (VAE) machine learning architectures to analyze spatial and spectral features of hyperspectral cathodoluminescence (CL) spectroscopy images taken from hybrid inorganic-organic perovskite material
data-analysis data-science deep-neural-networks explained-variance hybrid-perovskite hyperspectral-image-classification machine-learning matplotlib nmf non-negative-matrix-factorization python pytorch scikit-learn semi-supervised-learning signal-processing solar-energy spectroscopy unsupervised-learning vae variational-autoencoder
Last synced: 06 Nov 2024
https://github.com/krzjoa/scikit-gbm
scikit-learn compatible tools to work with GBM models
data-science feature-engineering gbm gradient-boosting machine-learning scikit-learn
Last synced: 07 Nov 2024
https://github.com/wwunlp/sner
𒈬 Sumerian Named Entity Recognition
machine-learning ner nlp python scikit-learn
Last synced: 13 Oct 2024
https://github.com/aianytime/recommendation_system_implementation
Complete concepts behind implementing a Recommendation System using Association Rules, Collaborative Filtering, and Matrix Factorization.
collaborative-filtering data-science machine-learning matrix-factorization python recommender-system scikit-learn
Last synced: 07 Nov 2024
https://github.com/markdouthwaite/lingo
A package for quickly deploying Scikit-Learn Linear Models in Go.
golang linear-models machine-learning scikit-learn
Last synced: 13 Oct 2024
https://github.com/andreped/nlp-mtl
Training neural networks to solve multiple tasks simultaneously from free text through multi-task learning
bert-embeddings keras multi-task-learning natural-language-processing neural-networks nlp scikit-learn
Last synced: 07 Nov 2024
https://github.com/mayank0255/crime-prediction-analysis-2019
A Study of Lightweight Approaches to Analyze Crime Conditions in India 2001-2019
clustering crime-analysis data-mining data-visualization decision-trees fuzzy-logic matplotlib naive-bayes-classifier numpy pandas python random-forest scikit-learn tableau
Last synced: 08 Nov 2024
https://github.com/kohlerhector/tree-mbpo
Study Model-Based Policy Optimization by varying the model estimator classes (e.g Decision Trees vs MLP)
decision-tree mbpo mbrl mlp rl sac scikit-learn stable-baselines3
Last synced: 08 Nov 2024
https://github.com/kohlerhector/dpdt-py
Implementation of Dynamic Programming Decision Tree algorithm (Kohler et. al. 2024).
decision-tree-classifier decision-trees dynamic-programming scikit-learn scikitlearn-machine-learning sklearn sklearn-classifier
Last synced: 08 Nov 2024
https://github.com/facultyai/faculty-xval
Cross-validation of Keras and scikit-learn models with the Faculty platform
cross-validation faculty-platform keras machine-learning python scikit-learn
Last synced: 08 Nov 2024
https://github.com/noahgift/ucdmsba-machine-learning
Supplemental Class Material for UC Davis MSBA Graduate Machine Learning Course
bax452 classification data-science deep-learning graduate-school jupyter-notebook machine-learning material python r regression scikit-learn supplemental uc-davis-msba
Last synced: 11 Oct 2024
https://github.com/alejoduarte23/ssi-cov
The SSICOV is a system identification method for structural health monitoring (SHM) using Stochastic Subspace Identification (SSI). It processes acceleration data to extract modal parameters of a structure.
matplotlib modal-analysis numpy scikit-learn scipy signal-processing system-identification
Last synced: 14 Oct 2024
https://github.com/gitstar-oc/machine-learning
This are the Machine Learning notes by leading AI website named Deeplearning.AI. This notes will help you to be a machine learner from beginner to advanced level. Welcome Everyone!!
deep-learning deep-neural-networks jupyter-notebook machine-learning machine-learning-algorithms matplotlib numpy pandas python scikit-learn supervised-learning tensorflow unsupervised-learning
Last synced: 13 Oct 2024
https://github.com/sayakpaul/patients-conversation-detector
Contains my experiments for ZS's hiring hackathon (II).
data-science keras machine-learning nlp python scikit-learn text-classification
Last synced: 28 Oct 2024
https://github.com/plantaest/feverfew
Comprehensive link checker tool for Wikipedia
aws-lambda caddy java mantine onnx python quarkus react scikit-learn typescript
Last synced: 14 Oct 2024
https://gitlab.com/moongoal/sklearn-relief
Relief algorithms implementation
feature feature ranking feature selection intelligence learn learning machine intelligence machine learning ranking relief relieiff rrelieff scikit scikit-learn sklearn
Last synced: 10 Oct 2024
https://github.com/metriccoders/metriccoders_notebooks
This is the Metric Coders repository containing all the notebooks for machine learning.
artificial-intelligence genai keras llm machine-learning natural-language-processing pytorch scikit-learn tensorflow
Last synced: 27 Oct 2024
https://github.com/g0r0kh/clustering
k-means & hierarchical clustering
conda matplot numpy pandas scikit-learn scipy sklearn
Last synced: 14 Oct 2024
https://github.com/shuyib/pimamlsklearn
Using various supervised learning estimators in Sci-Kit Learn to get the best prediction accuracy if possible for the pima indians dataset.
cross-validation-score datascienceresearch diabetes machine-learning machine-learning-algorithms matplotlib-figures numpy pima-indians-dataset predictive-modeling python-3-5 roc-auc scikit-learn seaborn supervised-learning-estimators test-split-accuracy
Last synced: 12 Oct 2024
https://github.com/joseabrantesjr/previsai
O PrevisAI é uma aplicação que utiliza tecnica avançada de deep-learning para prever os preços de fechamento de ações, ETFs, Fundos Imobiliários, Criptomoedas, etc.
acoes criptomoedas deep-learning etf fii keras mercado-financeiro numpy pandas previsao python scikit-learn tensorflow trade trading yfinance
Last synced: 31 Oct 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/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/mafesan/2021-tfm-code
Revelio: Machine-Learning classifier to identify Bots integrable with GrimoireLab
bot-accounts data-analysis data-analytics data-science grimoirelab machine-learning metrics open-source open-source-community project-health python 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*
Last synced: 05 Nov 2024
https://github.com/karimosman89/legal-document-nlp
Create a tool that uses NLP to extract key information from legal documents, contracts, or agreements.Use NLP techniques for named entity recognition and text classification.Streamline the review process for legal teams by automating information extraction.
nltk python scikit-learn spacy
Last synced: 07 Nov 2024
https://github.com/vatshayan/hospital-discharge-analysis
Analysis of Hospitalization Discharge Rates in Lake County, Illinois of various attributes like Anxiety, Alcohol, mood, Diabetes, Asthma, etc
data-analysis data-visualization jupyter-notebook machine machine-learning machine-learning-algorithms scikit-learn
Last synced: 11 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/bacross/datamunger
python package for handling nan's and outliers
data data-frame datamunger knn nan outliers python scikit-learn
Last synced: 19 Oct 2024
https://github.com/t-nicole13/Wine_Quality_Analysis
Assessment of which Machine Learning Model is best used to predict wine quality.
classification decision-trees jupyter-notebook machine-learning multiple multiple-linear-regression python random-forest scikit-learn visual-studio-code
Last synced: 23 Oct 2024
https://github.com/aryank1511/wattwise
WattWise is an innovative energy-saving app that uses an Arduino-powered device to monitor and predict household electricity usage and bills in real-time.
arduino docker flask machine-learning mqtt nextjs scikit-learn
Last synced: 10 Oct 2024
https://github.com/george-gca/ai_papers_search_tool
Automatic paper clustering and search tool by fastext from Facebook Research
fasttext fasttext-embeddings fasttext-python nlp python scikit-learn
Last synced: 11 Oct 2024
https://github.com/islam-hady9/smartai_customersupport
Smart Customer Support Assistant
customer-support gpt-2 natural-language-processing python pytorch scikit-learn transformers
Last synced: 10 Oct 2024
https://github.com/bistcuite/plainml
Painless Machine Learning Library for python based on scikit-learn
machine-learning ml plainml python scikit-learn
Last synced: 19 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/sd338/fractureai
This tool helps people upload X-rays to find broken bones. It uses a machine to mark where the breaks are and gives users marked pictures to download. A smart computer also helps people understand their broken bones and gives them advice.
css cv2 flask gorq html javascript matplotlib npm numpy pandas pydantic python react scikit-learn torch torchvision ultralytics
Last synced: 31 Oct 2024
https://github.com/jedirhymetrix/twittersentiments
Twitter sentiment analyzer written in Python
machine-learning python scikit-learn tensorflow twitter-sentiment-analyzer
Last synced: 11 Oct 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: 11 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/timzatko/fifa-19-dataset-machine-learning
Player's value prediction and game position classification on FIFA 19 dataset.
data-analysis fifa19 machine-learning scikit-learn
Last synced: 11 Oct 2024
https://github.com/dr413677671/quantflow-deep-learning-quant-framework
A Light-weight Deep-learning Quant Framework
deep-learning keras matplotlib quantitative-finance scikit-learn seaborn signal-analysis signal-processing tensorflow
Last synced: 22 Oct 2024
https://github.com/tansudasli/analytics-sandbox
from Statistical approach to Machine learning
feature-engineering machine-learning matplotlib numpy opencv pandas probability regex scikit-learn seaborn statistics
Last synced: 11 Oct 2024
https://github.com/realamirhe/leaf-node
A leaf node for your machine learning journey, from scratch to practical applications...
algorithm auto-encoder classification cybernetics feature-extraction feedback-mechanism lda learning machine-learning machine-learning-journey numpy pca practice regression scikit-learn sklearn smlfdl
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/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/glubbdubdrib/lazygrid
Automatic, efficient and flexible implementation of complex machine learning pipeline generation and cross-validation.
artificial-intelligence cross-validation database grid-search grid-search-hyperparameters keras machine-learning memoization model-comparison model-selection neural-networks openml optimization pipeline python scikit-learn tensorflow
Last synced: 03 Nov 2024
https://github.com/kawai-senpai/info-through-app-usage
This project aims to predict the gender of individuals based on their app usage patterns. The project leverages data collected through a custom survey to train machine learning models. By analyzing various app usage statistics, such as time spent on different categories of apps, we aim to determine the user's gender with high accuracy.
ad-tech gender-prediction prediction-model profession-prediction scikit-learn survery
Last synced: 08 Nov 2024
https://github.com/rodrigo-arenas/scikit-pipes
Scikit-Learn useful pre-defined Pipelines Hub
beginner-friendly good-first-issue help-wanted help-welcome machine-learning pipeline-framework scikit-learn scikit-learn-pipelines sklearn sklearn-pipeline
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/nirmalyabag20/breast-cancer-prediction-using-machine-learning
This project leverages machine learning to classify breast cancer as malignant or benign based on tumor characteristics. By applying and evaluating multiple algorithms, the model achieves high accuracy, demonstrating the practical application of data-driven solutions in medical diagnostics.
logistic-regression matplotlib numpy pandas python scikit-learn seaborn
Last synced: 31 Oct 2024
https://github.com/sanjaradylov/scikit-fallback
Machine Learning with a Reject Option
fallback-classification machine-learning scikit-learn selective-classification
Last synced: 11 Oct 2024
https://github.com/skekre98/picture-compressor
A tool for compressing images using unsupervised machine learning
kmeans-clustering scikit-learn
Last synced: 13 Oct 2024
https://github.com/wkrzywiec/polish-crops
Machine learning project to find out if price of a wheat in Poland depends on a weather.
decision-tree-regression eurostat imgw jupyter-notebook linear-regression machine-learning matplotlib-pyplot numpy pandas pipenv poland polynomial-regression python random-tree regression-models scikit-learn support-vector-regression
Last synced: 29 Oct 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/chrislemke/scikit-tabtrans
TabTransformer ready for Scikit learn 🧑🔬
deep-learning machine-learning python scikit-learn transformer
Last synced: 11 Oct 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/mohammadreza-mohammadi94/data-analysis-and-machine-learning-projects
A comprehensive collection of data analysis and machine learning projects, showcasing techniques and models for various data challenges. Dive in to explore code examples, analyses, and machine learning workflows.
data-analysis data-science dataframes exploratory-data-analysis pandas python scikit-learn visualization
Last synced: 07 Nov 2024
https://github.com/edikedik/eboruta
Flexible and transparent Python Boruta implementation
ensemble-models feature-selection machine-learning python scikit-learn
Last synced: 13 Oct 2024
https://github.com/xushiyan/udacity-machine-learning
Content for Udacity's Machine Learning curriculum
jupyter-notebook machine-learning numpy pandas python reinforcement-learning scikit-learn supervised-learning udacity-machine-learning unsupervised-learning
Last synced: 13 Oct 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/agneym/scikit-learn
egghead machine-learning scikit-learn
Last synced: 07 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/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/snikumbh/seqarchr
seqArchR: Identifying (promoter) sequence architectures de novo using NMF
clustering nmf nonnegative-matrix-factorization promoter-sequence-architectures r r-package scikit-learn sequence-analysis sequence-architectures unsupervised-machine-learning
Last synced: 11 Oct 2024