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: 2025-02-02 00:26:48 UTC
- JSON Representation
https://github.com/synthstellar/data-preprocessing-with-python
A data preprocessing repository focused on cleaning, transforming, and preparing datasets for machine learning tasks. It includes functions for handling missing values, scaling, encoding, and feature engineering for improved model performance.
data data-cleaning feature-engineering machine-learning numpy pandas preprocessing python scikit-learn
Last synced: 01 Feb 2025
https://github.com/samuele-lolli/data-analytics-techniques
A practical approach to data analytics pipeline.
numpy pandas pytorch scikit-learn
Last synced: 22 Jan 2025
https://github.com/pjj11005/ml_with_pytorch_study
[머신 러닝 교과서: 파이토치 편] -> 학습한 코드 저장소
deep-learning graph-neural-networks machine-learning neural-networks pytorch scikit-learn transformer
Last synced: 22 Jan 2025
https://github.com/tbarlow12/learn-it-your-way
Using Python Flask, I wanted to create a simple web API that allows users to upload a dataset, choose one or more models, store them server side, and then hit an endpoint to get a prediction.
flask machine-learning python scikit-learn tensorflow
Last synced: 02 Feb 2025
https://github.com/karanyeole/bank-loan-default-risk-analysis-
This project aims to analyze the risk of default on bank loans using machine learning techniques. The dataset used for analysis contains information about loan applicants, including their demographics, financial history, and loan details.
feature-engineering matplotlib numpy pandas python scikit-learn seaborn
Last synced: 28 Jan 2025
https://github.com/karanyeole/dragon-real-estate-price-predictor
The project predicts the real estate prices in the mythical land of Dragons. It uses a dataset of historical real estate prices along with features such as location, size, and amenities to train a model for predicting prices of new properties.
matplotlib numpy pandas python scikit-learn
Last synced: 28 Jan 2025
https://github.com/pymc-learn/pymc-learn-sphinx-theme
Sphinx theme for Pymc-learn documentation
pymc3 pymc4 scikit-learn sphinx sphinx-theme
Last synced: 02 Feb 2025
https://github.com/sudothearkknight/movie-recommendation-system
The primary goal of this project is to provide personalized movie recommendations to users based on their preferences and the characteristics of the movies. This is achieved through a multi-step process involving data preprocessing, text vectorization, and recommendation generation.
anaconda-environment data-science jupyter-notebook machine-learning movie-recommendation movies pandas python3 recommendation-system recommender-system scikit-learn scikitlearn-machine-learning
Last synced: 11 Nov 2024
https://github.com/szymonrucinski/pippi-lang
Elegant 📑 text preprocessing pipeline 🚰 available as pip package 🐍 based on scikit-learn pipeline. Combines Transformer and Column Transformer into a single object.
data-cleaning data-science nlp pipeline scikit-learn
Last synced: 02 Feb 2025
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: 02 Feb 2025
https://github.com/hariprasath-v/av-dataverse-hack---insurance-claim-prediction
Create a machine learning model to predict if the policyholder will file a claim in the next 6 months or not based on the set of car and policy features.
analyticsvidhya classification exploratory-data-analysis f1-score matplotlib numpy pandas python randomforest-classification scikit-learn seaborn shap
Last synced: 13 Jan 2025
https://github.com/no-country-simulation/s16-21-n-data-bi
Analisis del COVID-19 - insights sobre la evolución de la pandemia - impacto en 5 paises sudamericanos.
eda etl machine-learning matplotlib pandas powerbi python scikit-learn seabron streamlit
Last synced: 11 Nov 2024
https://github.com/colinwu0403/weatherpredictor
ML model that predicts future weather temperatures. Dataset taken from NOAA's Climate Data Online
Last synced: 22 Jan 2025
https://github.com/kunalpisolkar24/dsbda_lab
Collection of practical codes for Savitribai Phule Pune University's Data Science and Big Data Analytics Laboratory (310256).
data-analytics data-preprocessing data-science data-wrangling descriptive-statistics linear-regression logistic-regression mapreduce scala scikit-learn sppu-computer-engineering tf-idf
Last synced: 16 Jan 2025
https://github.com/codersales/machine-learning-project
Machine Learning Project
code data-science filtered-4 jupyter last-quarter machine-learning not-this-month numpy over-100-commits pandas pseudo-current python repository-6 scikit-learn sub-critical supervised supervised-learning
Last synced: 30 Dec 2024
https://github.com/aasjunior/machinelearningapp
O Machine Learning App é um aplicativo desenvolvido com Kotlin, Android Studio e Jetpack Compose, para aplicação de algoritmos de aprendizado de máquina e exibição dos resultados. Realizado como tarefa da disciplina de Laboratório Mobile/Computação Natural no 5º Semestre de Desenvolvimento de Software Multiplataforma.
fastapi jetpack-compose kotlin-android machine-learning material-design scikit-learn
Last synced: 30 Dec 2024
https://github.com/infinitode/scikit-learn-decisiontreeclassifier-updater
An open-source tool to convert older Scikit-learn DecisionTreeClassifier models to the newer version.
ai classifier cli converter decisiontree python scikit-learn sklearn tools
Last synced: 13 Dec 2024
https://github.com/aasjunior/mlapp-api
Esta API fornece endpoints para aplicar algoritmos de aprendizado de máquina, como K-Nearest Neighbors (KNN), Árvore de Decisão e Algoritmo Genético. Realizado como tarefa da disciplina de Laboratório Mobile/Computação Natural no 5º Semestre de Desenvolvimento de Software Multiplataforma.
fastapi machine-learning python scikit-learn
Last synced: 30 Dec 2024
https://github.com/vishal-verma-96/pre-owned-car-price-prediction-using-streamlit-app
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 streamlit
Last synced: 02 Feb 2025
https://github.com/jadelhelm/100-days-of-code-python
The Complete Python Pro Bootcamp 2024
100daysofcode 100daysofpython bootstrap bootstrap5 css css3 flask html matplotlib numpy pandas plotly python rest-api scikit-learn selenium-webdriver sqlite tkinter turtle
Last synced: 13 Jan 2025
https://github.com/msikorski93/heart-failure-prediction
The subject of this repository was to perform binary classification based on respondent's collected features (age, cholesterol level, fasting blood sugar, thallium stress test results, etc.).
classification knn-classifier logistic-regression random-forest-classifier roc-curves scikit-learn svm-classifier
Last synced: 09 Jan 2025
https://github.com/aymen016/cosmic-mystery-challenge-2912
"Explore the depths of space and unravel cosmic mysteries in the year 2912 with our Cosmic Mystery Challenge repository. Dive into data science adventures as you predict the fate of passengers aboard the Spaceship Titanic after a collision with a spacetime anomaly. Join us in reshaping history and saving lives across the universe!"
kaggle matplotlib matplotlib-pyplot numpy pandas pandas-dataframe python scikit-learn scikitlearn-machine-learning seaborn
Last synced: 04 Feb 2025
https://github.com/leticiamilan/formacao-python-developer-dio
Formação Python Developer - Digital Innovation One
django flask pandas pymongo python scikit-learn sqlalchemy sqlite
Last synced: 28 Jan 2025
https://github.com/syedshameersarwar/mlopslifecycle
grafana kserve kubeflow mlflow mlops monitoring scikit-learn
Last synced: 29 Dec 2024
https://github.com/swetshaw/machine-learning-a-z
It contains all tutorials based on Udemy course Machine Learning A-Z.
machine-learning python scikit-learn udemy-machine-learning
Last synced: 17 Jan 2025
https://github.com/mpoojithavigneswari/bangalore-house-price-prediction
This project involves creating a website that predicts Bangalore house prices with 94.65% accuracy using a machine learning algorithm.
data-analysis data-science flask-server machine-learning matplotlib numpy pandas python scikit-learn seaborn
Last synced: 16 Jan 2025
https://github.com/gsmafra/sklearn-dummies
Scikit-learn label binarizer with support for missing values
data-science machine-learning pandas python scikit-learn
Last synced: 15 Dec 2024
https://github.com/trilokida/named-entity-recognition-and-classification
Given a string statement, the aim is to identify the B-Protein entity in the statement.
bagging-ensemble classification dictvectorizer ensemble-learning machine-learning naive-bayes-classifier named-entity-recognition ner random-forest scikit-learn
Last synced: 17 Jan 2025
https://github.com/belsabbagh/employee-turnover-and-customer-churn-classification
A data science project that tests mutliple models on an employee tunronver and customer churn problem
machine-learning pandas python scikit-learn
Last synced: 09 Jan 2025
https://github.com/richardbmk/datascience_machinelearning
projects related with data science and machine learning projects.
data-science machine-learning matplotlib numpy pandas scikit-learn scipy seaborn
Last synced: 23 Jan 2025
https://github.com/hariprasath-v/hackerearth-amazon-business-research-analyst-hiring-challenge
Build a machine learning model that can calculate the time the delivery person takes to deliver the order.
exploratory-data-analysis hackerearth machine-learning pandas pycaret python scikit-learn seaborn
Last synced: 13 Jan 2025
https://github.com/adi3042/thyroid-disease-detection
🔍🌟 Discover Thyroid Disease Detection! Dive into our advanced system designed to identify and predict thyroid disorders using cutting-edge machine learning techniques. Leverage our comprehensive models and data analysis tools to make informed decisions about thyroid health. 🩺🔬🚀 ThyroidHealthTech
classification css detection-model functools html ipykernel javascript jupyter-notebook machine-learning matplotlib numpy pandas python3 scikit-learn setuptools thyroid-dataset thyroid-disease thyroid-disease-detection venv
Last synced: 22 Jan 2025
https://github.com/ebadshabbir/decision_tree_algorithm
Decision Tree Classifier for Social Network Ads A Python implementation of a Decision Tree Classifier to predict user purchasing behavior based on age and estimated salary. Includes feature scaling, model evaluation (confusion matrix and accuracy), and visualizations of decision boundaries for both training and test sets.
decision-tree-classifier jupyter-notebook machine-learning matplotlib-pyplot numpy pandas python scikit-learn
Last synced: 17 Jan 2025
https://github.com/hedriss10/fast-spreed-sheets
"Fast spreed-sheets"
openpyxl pandas requests scikit-learn sqlachemy streamlit
Last synced: 22 Jan 2025
https://github.com/chewzzz1014/health-ease-project
coursework gradio machine-learning python scikit-learn tensorflow uvicorn
Last synced: 26 Jan 2025
https://github.com/anibalalpizar/python-machine-learning-example
This code reads and preprocesses a dataset for classification using pandas, numpy, matplotlib and scikit-learn. The dataset is split into three parts for training, validation and testing. The data is then scaled and optionally oversampled for balanced classes.
machine-learning matplotlib numpy pandas python scikit-learn
Last synced: 08 Jan 2025
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: 02 Feb 2025
https://github.com/himanshugoyal77/shell-detection-frontend
Fraud detection of companies using Machine learning and django
Last synced: 19 Jan 2025
https://github.com/ahmed122000/ml_model_deployment
The HR Analytics: Job Change Predictor is a Flask-based web application that uses machine learning to predict whether an employee will stay with a company or leave. It allows users to train models, evaluate their performance, and make predictions based on employee data, providing valuable insights for HR decision-making.
classification flask machine-learning python3 rest-api scikit-learn
Last synced: 02 Feb 2025
https://github.com/chris-santiago/stringcluster
A Scikit-Learn style deduper.
dedupe deduplication scikit-learn text-processing text-similarity transformer
Last synced: 14 Dec 2024
https://github.com/ahmedheakl/diabetes_classification_svm
Classifying patients to know if they have diabetes using Supporting Vector Machine Model.
machine-learning python scikit-learn
Last synced: 13 Jan 2025
https://github.com/drorata/mnist-examples
ML examples for the MNIST dataset
machine-learning ml mnist python scikit-learn torch
Last synced: 15 Jan 2025
https://github.com/tamk-kol/project_orbital_data_analysis
The goal of this project is to develop an automatic method to detect orbital maneuvers using machine learning.
matplotlib numpy pandas scikit-learn
Last synced: 31 Oct 2024
https://github.com/farrajota/kaggle_house_prices
Kaggle's house prices competition
docker jupyter-notebook kaggle kaggle-competition kaggle-house-prices notebook pyspark python scikit-learn
Last synced: 18 Jan 2025
https://github.com/lazarust/jupyternotebooks
Storage spot for all my Jupyter Notebooks. Check some of them out!!
jupyter-notebook jupyter-notebooks keras scikit-learn sklearn
Last synced: 08 Jan 2025
https://github.com/s-matke/eco-forecast
Machine learning model used for predicting European country with most green surplus energy generated
data-science green-energy machine-learning scikit-learn supervised-learning
Last synced: 04 Feb 2025
https://github.com/3rd-son/breast-cancer-prediction-app
classification-algorithm machine-learning python scikit-learn
Last synced: 28 Dec 2024
https://github.com/s0fft/learning-lab
Code Notes & Test-Learn // Micro Pet-Projects: Python / Asynchrony / FastAPI / Django-Tastypie / Parsing / SQL / Docker / DS / ML / etc.
asynchrony data-science django docker fastapi jupyter-lab jupyter-notebook mashine-learning matplotlib notes numpy pandas parsing python3 scikit-learn seaborn sql sqlalchemy tastypie telegram-bot
Last synced: 15 Jan 2025
https://github.com/aliy98/navigation-sensor-data-classification
Classification of a Navigation Robot Sensor Dataset Using SVM, Random Forest and Neural Network
artificial-neural-networks keras multiclass-classification random-forest scikit-learn scitos-g5 support-vector-machines
Last synced: 02 Feb 2025
https://github.com/docsallover/fake-news-detection
Fake News Detection Using NLP
fakenewsdetection machine-learning machine-learning-algorithms machinelearning machinelearning-python matplotlib nlp nlp-machine-learning numpy pandas scikit-learn seaborn
Last synced: 31 Oct 2024
https://github.com/nikitalpopov/evotor_champ
solution for evotor data challenge
data-analysis data-science python scikit-learn
Last synced: 25 Jan 2025
https://github.com/lhm30/scikitlearn_clustermap_rdkit_bicluster_molecules
hacked code to bicluster molecules using rdkit and scikitlearn
biclustering cheminformatics circular-fingerprints clustering ecfp-4 ecfp4 molecular-fingerprints molecular-similarity molecules rdkit scikit scikit-learn similarity smiles
Last synced: 22 Jan 2025
https://github.com/andrewsy1004/linear-regression-model-for-house-price-prediction
A linear regression model to predict house prices based on features like size, location, and number of rooms. This project demonstrates the application of machine learning in real estate price estimation
linear-regression python scikit-learn xgbregressor
Last synced: 01 Feb 2025
https://github.com/djdhairya/car-accident-detection
csv cv2 geocoder geolocation keras math matplotlib numpy opencv pandas scikit-learn system tiwilo transformer
Last synced: 08 Jan 2025
https://github.com/jonad/boston_housing_price
Predicting Boston Housing Prices.
boston-housing-dataset jupyter-notebook matplotlib numpy pandas python3 scikit-learn
Last synced: 27 Dec 2024
https://github.com/icepanorama/internship-visualizations-and-demonstrations
A collection of some of the programs that I've written over the course of my internship.
artificial-intelligence machine-learning matplotlib numpy pandas python3 pytorch scikit-learn
Last synced: 01 Feb 2025
https://github.com/apfirebolt/spam_email_classifier
An Email classifier using CountVectorizer and Naive Bayes strategy. PyQt5 is used for GUI
count-vectorizer naive-bayes-classifier pandas pyqt5 python scikit-learn
Last synced: 01 Feb 2025
https://github.com/asherk7/house-price-prediction
House Prices - Advanced Regression Techniques - Predict sales prices and practice feature engineering, RFs, and gradient boosting
data-science numpy pandas regression scikit-learn
Last synced: 01 Feb 2025
https://github.com/itsmandrew/diabetes-cs178
Final project for CS178, predicting whether and when will patient with diabetes be readmitted in hospital after the treatment.
knn logistic-regression neural-network python scikit-learn
Last synced: 16 Jan 2025
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/imnotannamaria/ia-ml-scikit-learn
Learning tradicional machine learning with scikit-learn.
numpy pandas python scikit-learn seaborn
Last synced: 27 Dec 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: 22 Jan 2025
https://github.com/dwija12903/mentorness-internship
Developed and applied technical skills in areas such as programming languages, data analysis, and machine learning methodologies.
matplotlib numpy pandas python scikit-learn
Last synced: 08 Jan 2025
https://github.com/bagusperdanay7/absa-with-bilstm-undergraduate-thesis
My undergraduate thesis program, Aspect-Based Sentiment Analysis Towards Matket Place Application Review Using Bidirectional Long Short-Term Memory used Python, Keras and Tensorflow
ai aspect-based-sentiment-analysis bilstm deep-learning gensim imbalanced-learning ipython-notebook keras machine-learning matplotlib natural-language-processing nltk numpy pandas python scikit-learn seaborn tensorflow
Last synced: 21 Jan 2025
https://github.com/netcodez/climate-prediction-pipeline
Predicting London's climate using machine learning techniques. This project aims to forecast mean temperature in Celsius (°C) using various regression models and logging experiments with MLflow
huggingface machine-learning mlflow mlflow-tracking mlflow-tracking-server mlops python scikit-learn streamlit
Last synced: 15 Jan 2025
https://github.com/esha-sm/forecastx
This is an interactive web application for forecasting sales data using the ARIMA model. Users can upload their own CSV files or use a default dataset to generate forecasts and visualizations.
arima-model flask-api jupyter-notebook matplotlib pandas plotly python scikit-learn seaborn
Last synced: 21 Jan 2025
https://github.com/jonad/customer_segment
Creating customer segments using unsupervised machine learning algorithm.
clustering clustering-algorithm gaussian-mixture-models jupyter-notebook kmeans-clustering matplotlib numpy pandas python scikit-learn
Last synced: 27 Dec 2024
https://github.com/nowon1/insurance-claim-prediction_version
This project aims to predict the insurance claim amounts based on various customer attributes using machine learning techniques. The project involves data preprocessing, exploratory data analysis, feature engineering, and model training and evaluation.
data-preprocessing data-science data-visualization exploratory-data-analysis feature-engineering insurance jupyter-notebook machine-learning numpy pandas predictive-modeling python random-forest regression-analysis scikit-learn
Last synced: 21 Jan 2025
https://github.com/jpcadena/cancer-classification
Breast cancer classification project.
cancer-detection classification data-analysis data-science deep-learning imblearn machine-learning neuronal-network numpy pandas pylint python scikit-learn supervised-learning tensorflow
Last synced: 15 Jan 2025
https://github.com/codealphaprojects/spotify-music-recommender
CodeAlpha Machine Learning Task-1
jupyter-notebook machine-learning matplotlib numpy pandas python scikit-learn spotify spotify-api streamlit vscode
Last synced: 21 Jan 2025
https://github.com/jpcadena/pharmacy-prices-prediction
Prices prediction project for Pharmacy products.
artificial-intelligence data-analysis data-science deep-learning keras machine-learning machine-learning-models neural-network numpy pandas pharmacy prediction price-prediction pylint python scikit-learn supervised-learning tensorflow
Last synced: 15 Jan 2025
https://github.com/jpcadena/hackathon-kin
Hackathon Kin: Customers churn (Finance and Risk).
algorithms ann churn-prediction classification data-science keras machine-learning python scikit-learn supervised-learning tensorflow
Last synced: 15 Jan 2025
https://github.com/visu512/spotify-music-recommender
Built Spotify Music recommendation system using Machine learning
csv-files dataset jupyter-notebook kmeans-clustering machine-learning matplotlib numpy panda python scikit-learn spotify-api stream vscode
Last synced: 21 Jan 2025
https://github.com/s0fft/airline-passenger-satisfaction
Airline-Customer-Model — Machine Learning Project on: Scikit-learn / Pandas / Matplotlib / Seaborn
jupyter-notebook mashine-learning matplotlib pandas python3 scikit-learn seaborn
Last synced: 31 Oct 2024
https://github.com/jonad/finding_donors
Predicting income with UCI Census Income Dataset using supervised machine learning algorithms
numpy pandas scikit-learn scikitlearn-machine-learning
Last synced: 27 Dec 2024
https://github.com/jihoonerd/restricted-discriminant-analysis
RDA implementation compatible with Scikit-learn API
discriminant-analysis rda scikit-learn
Last synced: 15 Jan 2025
https://github.com/rarawe/taskly
A public repository for taskly
celery flutter-app hacktoberfest numpy pandas pydata queue queue-workers queued-jobs redis redis-queue scikit-learn scipy task-runner
Last synced: 15 Jan 2025
https://github.com/lkethridge/intro_to_machine_learning_project
Intro to Machine Learning Project from TripleTen
accuracy-metrics classification decision-tree-regression evaluation-metrics jupyter-notebook linear-regression logistic-regression machine-learning mean-square-error model-comparison-and-selection model-quality random-forest-regression regression scikit-learn splitting-data supervised-learning trained-models tuning-hyperparameters
Last synced: 21 Jan 2025
https://github.com/alisonmitchell/titanic
Exploration of a subset of the Titanic passenger manifest to create a predictive classification model to determine which passengers were more likely to survive.
deep-learning keras machine-learning matplotlib numpy pandas python scikit-learn scipy seaborn tensorflow
Last synced: 15 Jan 2025
https://github.com/ameykasbe/credit-card-fraud-detection-on-imbalanced-dataset
Examined data preprocessing techniques and performance of six different predictive models in Python to credit card fraud detection problem on an imbalanced dataset. Algorithms implemented - Logistic Regression, K Nearest Neighbours, Support Vector Classification, Naïve Bayes Classifier, Decision Tree Classifier, and Random Forest Classifier.
classification machine-learning matplotlib numpy pandas python scikit-learn seaborn
Last synced: 02 Feb 2025
https://github.com/vancenceho/college_projects
🎓 House of school/college homework, problem sets & mini-projects which consists mainly of data structures & algorithms
data-structures matlab pandas python queue scikit-learn seaborn stack
Last synced: 07 Jan 2025
https://github.com/h-sarhan/hate-speech-classifier
Automatic Detection of Hate Speech and Offensive Content
Last synced: 17 Jan 2025
https://github.com/jagadeeshm007/machine_learning_with_python
my roadmap of Machine Learning with Python .
algorithms machine-learning matplotlib python python3 regression-models scikit-learn
Last synced: 15 Jan 2025
https://github.com/gaarutyunov/savn-project
Community detection in large open source projects
community-detection gephi graph graphql jupyter-notebook networkx python3 scikit-learn sqlachemy
Last synced: 19 Dec 2024
https://github.com/nikitalpopov/news
v semester project
data-analysis data-science python scikit-learn
Last synced: 25 Jan 2025
https://github.com/sudarshanasrao/ee559-machine_learning-usc
USC graduate level Machine Learning course
cnn keras machine-learning neural-networks numpy python scikit-learn scipy tensorflow
Last synced: 13 Jan 2025
https://github.com/jpc963/previsao-de-vendas
Previsão de vendas que uma determinada empresa faria com base nas mídias utilizadas
jupyter-notebook machine-learning matplotlib pandas python scikit-learn seaborn
Last synced: 13 Jan 2025
https://github.com/joewlos/fantasy_football_monte_carlo_draft_simulator
Monte Carlo Fantasy Football Draft Simulator Featuring FastAPI, NextUI, and ODMantic
fantasy-football monte-carlo nextjs nextui odmantic pydantic python scikit-learn
Last synced: 15 Jan 2025
https://github.com/bishopce16/cryptocurrencies
An analysis on cryptocurrencies dataset using unsupervised machine learning, PCA algorithm, and K-means clustering.
hvplot jupyter-notebook pandas plotly python scikit-learn unsupervised-machine-learning visual-studio-code
Last synced: 06 Jan 2025
https://github.com/bishopce16/credit_risk_analysis
An analysis to build and evaluate a dataset from LendingClub to discover credit risk using Supervised Machine Learning Algorithms.
imbalanced-learning jupyter-notebook machine-learning machine-learning-algorithms pandas python scikit-learn visual-studio-code
Last synced: 06 Jan 2025
https://github.com/hariprasath-v/hackerearth_get-a-room-ml-hackathon
Build a Machine Learning model to identify the habitability score of the property based on the property's basic information and location-based information.
exploratory-data-analysis machine-learning numpy pandas pycaret python randomforestregressor regression scikit-learn seaborn
Last synced: 13 Jan 2025
https://github.com/pavi2410/trafficsignrecognition
ML classification model using SVM (90% accuracy)
ai artificial-intelligence classification jupyter-notebook machine-learning ml pandas python scikit-learn support-vector-machines svm
Last synced: 28 Jan 2025
https://github.com/bgmp/svm
Support Vector Machine implementation written in Python
Last synced: 25 Jan 2025
https://github.com/saadarazzaq/custom-neural-networks
Perceptron, Multiclass and Deep Neural Network Implemented All in One Repo ✨
deep-neural-networks keras numpy perceptron python scikit-learn tensorflow
Last synced: 23 Jan 2025
https://github.com/jpcano/boston_housing
Predicting Boston Housing Prices using supervised Machine Learning algorithms
cross-validation machine-learning numpy pandas python regression-models scikit-learn
Last synced: 04 Jan 2025
https://github.com/chdl17/lead-score-case-study
Lead scoring is the process of assigning a numerical value or score to each lead, based on factors such as demographics and behavior, to determine their potential value as customers.
machine-learning-algorithms matplotlib-pyplot python scikit-learn
Last synced: 06 Jan 2025
https://github.com/sudarshanc00/smishing
This project aims to classify text messages to detect potential smishing (SMS phishing) attacks. Using machine learning, the project provides a classifier that can differentiate between legitimate messages and smishing attempts, helping to prevent scams.
nltk numpy pandas python scikit-learn scipy
Last synced: 20 Jan 2025