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-06 00:26:45 UTC
- JSON Representation
https://github.com/sanjiv856/machine_learning_scikit-learn
Repository for machine learning in Python using Scikit-learn.
pipelines python scikit-learn sklearn titanic-kaggle titanic-survival-prediction
Last synced: 03 Nov 2024
https://github.com/mylnikovdan/house_pricing
ml python scikit-learn visualization
Last synced: 03 Nov 2024
https://github.com/katjaweb/king-county-house-price-prediction
This project aims to predict house prices based on various features such as square footage, number of rooms or location.
machine-learning python regression scikit-learn
Last synced: 03 Nov 2024
https://github.com/manjit-baishya-datascience/spam-email-detection
This project demonstrates how to build a spam detection system using Natural Language Processing (NLP) and machine learning techniques.
imblearn nlp nlp-machine-learning nltk scikit-learn spam-detection
Last synced: 03 Nov 2024
https://github.com/jeus0522/7-explore-different-classifier-ml-app
A project exploring various classification algorithms, showcasing their implementation, comparison, and evaluation using Python and scikit-learn.
k-nearest-neighbours knn random-forest scikit-learn streamlit support-vector-machine svm
Last synced: 03 Nov 2024
https://github.com/kavyachouhan/fake-news-detection-dravidian-language
This repository contains the code and resources for a machine learning project focused on detecting fake news in the Malayalam language, developed as part of the IITM-PAN BS AI-ML Challenge.
jupyter-notebook machine-learning numy pandas python scikit-learn
Last synced: 03 Nov 2024
https://github.com/manome/python-supervised-learning
This project provides sample code for performing supervised learning.
conformal-prediction scikit-learn supervised-learning
Last synced: 03 Nov 2024
https://github.com/pejpero/machine_learning
This repository contains two comprehensive machine learning projects using scikit-learn, demonstrating ensemble learning with a Voting Classifier and the comparison of linear and polynomial regression models on different datasets.
ensemble-learning linear-regression logistic-regression machine-learning polynomial-regression random-forest scikit-learn svm
Last synced: 03 Nov 2024
https://github.com/amiriiw/text_classification
Welcome to the Text Classification Project! This project is designed to train a model for classifying texts based on their emotional content and then using it to categorize new texts into corresponding emotional categories.
keras numpy pandas pickle scikit-learn tensorflow text-classification
Last synced: 03 Nov 2024
https://github.com/raulmaulidhino-dev/ml_modelling_regression
There are many factors that influence the grades/scores of students. One of the factors is study hours. In this mini analysis project, there are 3 models that will learn and predict the relation between study hours of students and their scores in an exam/test. This project will result the best ML model to solve the problem.
data data-analysis-python data-science eda machine-learning scikit-learn
Last synced: 03 Nov 2024
https://github.com/yaswanth1702/chatbot
natural-language-processing scikit-learn tf-idf-vectorization
Last synced: 03 Nov 2024
https://github.com/tjpavii0809/classification-regression-models
Simple Predictive Model of Machine Learning
data-science numpy pandas scikit-learn supervised-learning
Last synced: 03 Nov 2024
https://github.com/mohammad95labbaf/churn-prediction
This project aims to predict customer churn using machine learning algorithms. The project includes data preprocessing, feature engineering, and model evaluation.
adaboost bagging churn churn-analysis churn-prediction decisiontree ensemble-learning knn randomforest scikit-learn sklearn svm voting
Last synced: 10 Oct 2024
https://github.com/pranav-tank/heart-disease-prediction-model
I have created this project as my Python term assignment. In this project I have trained a ML model to predict the heart disease using Scikit-learn library in python.
google-colaboratory jupyter-notebook machine-learning prediction-model python scikit-learn
Last synced: 03 Nov 2024
https://github.com/aysh2603/twitter-sentiment-analysis
The Twitter Sentiment Analysis project employs Natural Language Processing (NLP) techniques to classify tweets into positive or negative sentiments. By analyzing the tone of tweets, this project provides insights into public sentiment on various topics.
hyperparameter-tuning nlp-machine-learning numpy pandas python3 scikit-learn
Last synced: 03 Nov 2024
https://github.com/mahdibehoftadeh/polynomial-regression-co2-emissions
A simple machine learning polynomial regression using a large dataset to learn and predict CO2 emission of a car by its built features like engine size and cylinders
machine-learning matplotlib numpy nural-network pandas polynomial-regression python scikit-learn
Last synced: 03 Nov 2024
https://github.com/sarowarahmed/advertising-sales-app
📈 Advertising Sales Predictor: A web app powered by a Machine Learning model, built with Numpy, Pandas, Scikit-learn, and Streamlit, to forecast sales based on TV, Newspaper, and Online Advertising. Deployed on Streamlit Cloud for real-time, easy-to-use predictions.
advertising app machine-learning multiple-linear-regression numpy pandas sales scikit-learn streamlit
Last synced: 03 Nov 2024
https://github.com/aysh2603/credit-card-fraud-detection
The Credit Card Fraud Detection project aims to identify fraudulent transactions from a dataset of credit card transactions. The project addresses the challenge of class imbalance and employs advanced machine learning techniques to build an effective fraud detection model.
ensemble-learning hyperparameter-tuning numpy pandas python3 scikit-learn streamlit
Last synced: 03 Nov 2024
https://github.com/cego669/dirtycategoriesencoding
Repository containing two classes (StringAgglomerativeEncoder and StringDistanceEncoder) useful for grouping or visualizing the distance between dirty categorical variables. They are compatible with the scikit-learn API.
category clustering dimensionality-reduction dirty hierarchical-clustering machine-learning scikit-learn singular-value-decomposition svd
Last synced: 03 Nov 2024
https://github.com/umasivakumar14/real_estate_ml_model
Predicts the price of a home in Bengaluru, Karnataka based on location, urbanization, total square feet, bedrooms, bathrooms, and balconies.
flask gridsearchcv http-requests machine-learning machine-learning-algorithms pandas python scikit-learn
Last synced: 03 Nov 2024
https://github.com/christianconchari/bike-sharing-demand
Este repositorio contiene el trabajo práctico final de la materia Aprendizaje de Máquina II de la Especialización en Inteligencia Artificial (CEIA) de la Facultad de Ingeniería de la Universidad de Buenos Aires (FIUBA).
airflow docker fastapi machine-learning mlflow python scikit-learn
Last synced: 03 Nov 2024
https://github.com/gabrielmazzotta/nlp-clustering--movie-similarity-from-plot-summaries
A Python-based movie recommendation system leveraging NLP and clustering techniques. This project includes data processing, vectorization of plot summaries, and the implementation of recommendation algorithms to suggest similar movies based on user input.
clustering cosine-similarity hierarchical-clustering kmeans lemmatization nlp recommendation-engine scikit-learn similarity-score spacy tokenization
Last synced: 03 Nov 2024
https://github.com/laoluadewoye/skloverlay
This repository is the official location of the SKLOverlay Project. Here, it will hold everything used for the package on Py Pi, including source files.
classification classification-algorithm data-science data-wrangling evaluation-metrics excel graphics graphs machine-learning machine-learning-algorithms matplotlib modeling pandas preprocessing scikit-learn
Last synced: 03 Nov 2024
https://github.com/ccastleberry/sk-autobots
Custom data transformers using the scikit-learn API.
scikit-learn sklearn sklearn-api
Last synced: 03 Nov 2024
https://github.com/pradeep31747/smartsuggest-personalized_product_recommendations
This project implements a personalized product recommendation system using machine learning techniques to enhance user experience and drive engagement.
jupyter-notebook keras numpy pandas pyhton scikit-learn sql tensorflow vscode
Last synced: 03 Nov 2024
https://github.com/chengetanaim/beatrecommendersystembackend
A system for music producers and rappers/singers. I was trying to implement the product recommendation feature for music uploaded by producers. I used the collaborative filtering algorithm to be able to recommend songs to users.
fastapi scikit-learn sqlalchemy unsupervised-learning
Last synced: 10 Oct 2024
https://github.com/djdhairya/rooftop-solar-detection
data-processing data-science deep-learning eda machine-learning pandas scikit-learn tif
Last synced: 10 Oct 2024
https://github.com/presizhai/iris-predictor-fastapi
A web application for predicting the species of Iris flowers using a machine learning model trained with the Iris dataset, with FastAPI, a modern web framework for building APIs.
essemblelearning fastapi python random-forest-classifier scikit-learn uvicorn
Last synced: 01 Nov 2024
https://github.com/markdouthwaite/py-lingo
Utilities for helping you deploy Scikit-Learn models in Go (with lingo!)
hdf5 linear-models scikit-learn
Last synced: 11 Oct 2024
https://github.com/peterchain/titanic
Script for the Titanic dataset for evaluating which passengers survived
kaggle machine-learning pandas-dataframe python3 scikit-learn
Last synced: 19 Oct 2024
https://github.com/jianninapinto/bandersnatch
This project implements a machine learning model using Random Forest, XGBoost, and Support Vector Machines algorithms with oversampling and undersampling techniques to handle imbalanced classes for classification tasks in the context of predicting the rarity of monsters.
altair imbalanced-classification imblearn machine-learning mongodb oversampling pycharm-ide pymongo python random-forest-classifier scikit-learn smote support-vector-machines undersampling xgboost
Last synced: 26 Sep 2024
https://github.com/abhipatel35/diabetes_ml_classification
Predict diabetes using machine learning models. Experiment with logistic regression, decision trees, and random forests to achieve accurate predictions based on health indicators. Complete lifecycle of ML project included.
classification data-analysis data-science data-visualization descision-tree diabetes-prediction jupiter-notebook logistic-regression machine-learning model-evaluation open-source pandas pycharm-ide python random-forest scikit-learn
Last synced: 31 Oct 2024
https://github.com/achronus/data-exploration
A repository dedicated to interesting data exploration projects I've completed
data-analysis exploratory-data-analysis machine-learning matplotlib pandas python scikit-learn seaborn
Last synced: 13 Oct 2024
https://github.com/shahaba83/airplane-ticket-cancellation
In this project, we try to predict the possibility of canceling the plane ticket by the buyer
datatime numpy pandas python scikit-learn seaborn
Last synced: 31 Oct 2024
https://github.com/divinenaman/color-extraction-api
Extract colours from images using K-means, along with FastAPI pipeline.
fastapi k-means-clustering scikit-learn
Last synced: 30 Oct 2024
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: 16 Oct 2024
https://github.com/rubaramanan/irisclassifier_with_scikitlearn
iris-classification machine-learning numpy pandas scikit-learn
Last synced: 06 Nov 2024
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: 04 Nov 2024
https://github.com/cmdecker95/learning-ml
My first foray into machine learning, comprised of my early undergrad work (circa 2021-2022) 🤓
jupyter-notebook keras machine-learning scikit-learn tensorflow2
Last synced: 04 Nov 2024
https://github.com/merekat/ml-shortcut-library
A Visual Studio Code shortcut library designed to simplify and accelerate machine learning development.
cnn coding data-science deep-learning efficiency extension extensions fnn machine-learning machinelearning nlp numpy pandas python scikit-learn shortcut shortcuts tensorflow visual-studio visual-studio-code
Last synced: 05 Nov 2024
https://github.com/cs50victor/cspaint
handwritten-text recognition application
ai machine-learning python scikit-learn
Last synced: 30 Oct 2024
https://github.com/maxwelllzh/linearizer
Linearizing parameters for linear regression
data-analysis machine-learning scikit-learn
Last synced: 04 Nov 2024
https://github.com/davidcgong/birddog.io
Real estate forecasting using Zillow Research data
forecasting pandas scikit-learn
Last synced: 04 Nov 2024
https://github.com/hyzhak/scikit-learn-experiments
scikit-learn experiments
data-science scikit-learn sklearn
Last synced: 05 Nov 2024
https://github.com/samkazan/fraud-detection-ml
Machine learning models for enhanced fraud detection in e-commerce transactions, exploring feature engineering, distance prediction, and clustering analysis.
clustering data-science data-visualization dataanalytics dbscan eda hierarchical-clustering kmeans-clustering knn-imputer matplotlib mlxtend python scikit-learn seaborn xgboost
Last synced: 05 Nov 2024
https://github.com/zsailer/skspline
A Scikit-learn interface on Scipy's spline.
Last synced: 05 Nov 2024
https://github.com/hayatiyrtgl/ml_divorce_classification-with-5-models
The code performs data preprocessing, machine learning model training, evaluation, and model saving for a binary classification problem on the divorce dataset.
anket binary-classification classification keras keras-classification-models keras-neural-networks keras-tensorflow machine-learning machine-learning-algorithms machinelearning-python python pythonmachinelearning scikit-learn scikitlearn-machine-learning
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*
Last synced: 05 Nov 2024
https://github.com/oneapi-src/predictive-asset-health-analytics
AI Starter Kit for Predictive Asset Maintenance using Intel® optimized version of XGBoost
Last synced: 05 Nov 2024
https://github.com/marconicivitavecchia/stazione-monitoraggio-ambientale
Codice in MicroPython per ESP32 per il corso tenuto dalla nostra scuola rivolto ai docenti sulla creazione di una stazione di monitoraggio ambientale che copre gli argomenti di Python, IoT ed Intelligenza Artificiale.
ai esp32 micropython micropython-esp32 python school-project scikit-learn
Last synced: 05 Nov 2024
https://github.com/alaazameldev/text-based-search-engine
Implementation of a search engine using TF-IDF and Word Embedding-based vectorization techniques for efficient document retrieval
chromadb fastapi gensim-word2vec nltk numpy precision-recall python scikit-learn tf-idf-vectorizer
Last synced: 10 Oct 2024
https://github.com/rickcontreras/modelos1
Modelo de clasificación para predecir el desempeño de estudiantes en las Pruebas Saber Pro en Colombia. Incluye análisis exploratorio de datos, preprocesamiento y modelos de machine learning.
classification colombia data-analysis data-science education educational-assessment exploratory-data-analysis jupyter-notebook machine-learning python saber-pro scikit-learn student-performance
Last synced: 10 Oct 2024
https://github.com/stella4444/linear-regression
learning about linear regression (currently a work in progress) ~ working with data
linear-regression machine-learning numpy scikit-learn
Last synced: 03 Nov 2024
https://github.com/chaitanya1436/student_performance_analysis
A project focused on analyzing college student performance using data on department, assessment scores, and performance labels. Implemented in Google Colab, the analysis includes data preprocessing, feature scaling, and exploratory data analysis to uncover insights and prepare the data for further analysis or modeling.
ata-preprocessing data-preparation exploratory-data-analysis feature-scaling google-colab numpy pandas scikit-learn
Last synced: 03 Nov 2024
https://github.com/amber-abuah/amazon-rating-predictor
MultinomialNB classifier for predicting Amazon review ratings.
beautifulsoup gradio imblearn machine-learning ml naive-bayes-classifier nlp nltk pandas scikit-learn sentiment-analysis sentiment-classification tf-idf
Last synced: 03 Nov 2024
https://github.com/djdhairya/medicine-recommendation-system
csv deep-learning f1-score machine-learning pickle random-forest scikit-learn svc svm
Last synced: 10 Oct 2024
https://github.com/sergeimakarovv/energy-data-analytics-ml
Analyzing global data on sustainable energy, predicting CO2 emissions per capita
machine-learning pandas plotly python scikit-learn streamlit
Last synced: 10 Oct 2024
https://github.com/bilgenurbekar/turkishcyberbullying
Contains fine-tuned BERT models and results in the text classification category using Turkish social media data
bert-fine-tuning huggingface-transformers matplotlib numpy pandas python pytorch scikit-learn transformers
Last synced: 10 Oct 2024
https://github.com/mkdirer/depression-data-analysis
This project analyzes a Kaggle depression dataset using data preprocessing, clustering, classification, and outlier detection techniques. Python libraries like pandas, numpy, matplotlib, seaborn, and scikit-learn are used to extract insights.
classification clustering matplotlib numpy pandas scikit-learn seaborn vizualization
Last synced: 10 Oct 2024
https://github.com/blakeziegler/binary-classification-competition
Binary Classification of Insurance Crosselling Kaggle Competition
data-analysis data-science database kaggle kaggle-competition machine-learning python rstudio scikit-learn xgboost
Last synced: 10 Oct 2024
https://github.com/anjaliwork20/heart-failure-prediction
Heart Failure Prediction in Humans
failure-detection heart heart-disease machine-learning machine-learning-algorithms matplotlib numpy pandas python scikit-learn scikitlearn-machine-learning seaborn svc-model
Last synced: 03 Nov 2024
https://github.com/khanovico/python-stock-analyzer
This is a Webapp implemented by python and several data science frameworks, enabling online stock trend analyzing.
amcharts-js-charts data-analysis data-visualization flask javascript pandas python scikit-learn
Last synced: 03 Nov 2024
https://github.com/alejoduarte23/si_bayesianmixturemodel
Implementation of a two-stage fast Bayesian system identification for separated Modes. This repository expands the usage of this technique by adding a mixture model fit to obtain modal parameters from the posterior distribution.
matplotlib numpy scikit-learn scipy
Last synced: 10 Oct 2024
https://github.com/szymon-budziak/real_estate_house_prices_prediction
Predicting real estate house prices using various machine learning algorithms, including data exploration, preprocessing, model training, and evaluation.
data-analysis data-preprocessing data-science eda jupyter-notebook machine-learning matplotlib numpy optuna pandas predictive-modeling price-prediction python random-forest regression scikit-learn seaborn
Last synced: 10 Oct 2024
https://github.com/privatepeople/dataanalysis
데이터 분석 공부를 위한 저장소
data-analysis data-science data-visualization matplotlib numpy pandas python scikit-learn scipy
Last synced: 15 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
https://github.com/sckonung/crab-age-regression
ML model for regression with a crab age dataset Competition in Kaggle
keras machine-learning pandas python scikit-learn tensorflow
Last synced: 03 Nov 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/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/ismaelvr1999/air-quality-clustering
This project focuses on analyzing air quality data and categorizing it into clusters using the K-Means algorithm.
jupyter-notebook machine-learning matplotlib pandas python scikit-learn
Last synced: 10 Oct 2024
https://github.com/bilalm04/email-spam-classifier
A machine learning project that classifies emails as spam or not spam using Logistic Regression, with a deployable Flask API for real-time classification.
api flask jupyter-notebook machine-learning matplotlib nlp numpy pandas python scikit-learn
Last synced: 10 Oct 2024
https://github.com/hokagem/damagedlogginganalyzer
A project about an analization of a statistic of damaged logging (wood) in Germany using Python.
analysis csv csv-parser k-fold-cross-validation numpy pandas pandas-dataframe pandas-python polynomial-regression scikit-learn statistics wood
Last synced: 20 Oct 2024
https://github.com/heyitsjoealongi/fantasy-football-qbwr-model
Fantasy Football: Quarterback / Wide Receiver - Gaussian Process Regression (GPR) Machine Learning Model
machine-learning matplotlib model numpy python scikit-learn
Last synced: 26 Oct 2024
https://github.com/ramezze/virtualmouse-handtracking
A python application to control mouse functions using hand gestures leveraging MediaPipe, OpenCV and Tensorflow.
computer-vision handtracking handtrackingmodule kivy machine-learning mediapipe mediapipe-hands mouse multilayer-perceptron neural-network python scikit-learn scipy tensorflow virtualmouse webcam webcam-capture
Last synced: 15 Oct 2024
https://github.com/NoName115/Bachelor-thesis
Bachelor thesis - Determination of Gun Type and Position in Image Scene
bachelor-thesis classification computer-vision fit gun keras machine-learning scikit-image scikit-learn vut
Last synced: 23 Oct 2024
https://github.com/sarowarahmed/predicting-kolkata-house-price
🏠 Predicting Kolkata House Price: A web app powered by a Machine Learning model, built with Numpy, Pandas, Scikit-learn, and Streamlit, to predict house prices in Kolkata. Deployed on Streamlit Cloud for easy access and real-time predictions.
app kolkata linear-regression machine-learning numpy pandas scikit-learn streamlit
Last synced: 03 Nov 2024
https://github.com/sergeimakarovv/ml-powerlifting
Predicting a weight lifted by athletes using Machine Learning
machine-learning pandas python scikit-learn
Last synced: 03 Nov 2024
https://github.com/mohd-faizy/preprocess_ml
This repository hosts Python code that utilizes the Scikit-learn preprocessing API for data preprocessing. The code presents a comprehensive range of tools that handle missing data, scale data, encode categorical variables, and perform other functions.
data-science feature-engineering feature-engineering-algorithm feature-extraction feature-selection machine-learning outlier-detection preprocessing-data preprocessor scikit-learn
Last synced: 11 Oct 2024
https://github.com/r-gg/ml-37
Amazon Reviews ~ Sentiment analysis evaluation: fine-tuned BERT vs LSTM. (+ Extensive Data Mining & Visualization)
bert deep-learning ipynb-jupyter-notebook lstm machine-learning python scikit-learn uni-project
Last synced: 11 Oct 2024
https://github.com/the-developer-306/house-price-predictor
House Price Predictor: Harnessing machine learning algorithms to forecast housing prices in Boston, empowering buyers and sellers with accurate predictions based on key factors like location, crime rate, rooms, accessibility, and more.
csv ipynb-jupyter-notebook joblib matplotlib numpy pandas python scikit-learn
Last synced: 11 Oct 2024
https://github.com/gfyoung/tree-decode
Package for removing the black-box around decision trees
blackbox decision-tree machine-learning python scikit-learn
Last synced: 03 Nov 2024
https://github.com/henriqueotogami/imersao-dados-3-alura
Terceira edição da Imersão Dados da Alura (03 a 07/05/21). O projeto dessa edição foi inspirado em um desafio do Laboratory Innovation Science at Harvard disponibilizado no Kaggle.
alura bioinformatics data-science drug-discovery google-collab harvard-university imersaodados jupyter-notebook kaggle-challenge laboratory-innovation-science matplotlib pandas python3 scikit-learn seaborn
Last synced: 05 Nov 2024
https://github.com/tanaybhadula/ml-preprocessing-cli
A CLI tool with python to preprocess datasets for performing supervised learning to save time for users. Input data can be preprocessed using simple commands and preprocessed dataset can be downloaded later
cli data-cleaning data-preprocessing machine-learning pandas python scikit-learn
Last synced: 11 Oct 2024
https://github.com/messierandromeda/sentiment-analysis
Sentiment analysis with the IMDB movie review dataset.
imdb-dataset python scikit-learn sentiment-analysis
Last synced: 10 Oct 2024
https://github.com/viniciusmassari/regressao_linear_multipla
Prediction of a cholesterol exam based in some features about the patient
jupyter jupyter-notebook jupyter-notebooks pandas pandas-dataframe pandas-python pingouin python scikit-learn scikit-learn-python scikitlearn-machine-learning scipy scipy-stats
Last synced: 10 Oct 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/gsmafra/sklearn-dummies
Scikit-learn label binarizer with support for missing values
data-science machine-learning pandas python scikit-learn
Last synced: 27 Oct 2024
https://github.com/djb15/machine-learning-project
Machine learning project 2018 - Imperial College London
machine-learning project python3 scikit-learn scikitlearn-machine-learning university university-project
Last synced: 11 Oct 2024
https://github.com/sonu275981/flight-fare-prediction
End to end implementation of Machine Learning Airline Flight Fare Prediction using python
flight-price-prediction gradient-boosting machine-learning predicts-flight-fares python3 regression-models scikit-learn
Last synced: 05 Nov 2024
https://github.com/ramy-badr-ahmed/higgs-dataset-training
Training Higgs Dataset with Keras - https://doi.org/10.5281/zenodo.13133945
binary-classification cuda-toolkit cupy dask dask-dataframes higgs-boson keras keras-tensorflow matplotlib matplotlib-python numpy pandas pandas-dataframe scikit-learn uci-dataset uci-machine-learning
Last synced: 10 Oct 2024
https://github.com/gangula-karthik/altitude-analytics
Developed a powerful model that predicts airline review sentiments—promoter, passive, or detractor—to help airlines sharpen their marketing strategies and boost customer loyalty 🚀 ✨
airlines data-science machine-learning python scikit-learn sentiment-analysis supervised-learning
Last synced: 05 Nov 2024
https://github.com/rafie-b/data-analytics
Activities of Data Analysis.
apache-spark api aws business-analytics data data-analytics data-science database dataframe jupyter-notebook python scikit-learn sql
Last synced: 05 Nov 2024
https://github.com/nicknobad/binaryimageclassification
Benchmark of sci-kit learn models and a tensorflow model for Binary Image Classification
binaryclassification image-classification scikit-learn scikit-model scikitlearn-machine-learning tensorflow tensorflow-examples tensorflow-experiments tensorflow-models
Last synced: 03 Nov 2024
https://github.com/samkazan/structural_discovery_of_macromolecules_data_analysis
This research project uses machine learning techniques and neural network to uncover key factors that contribute to successful protein structure discovery using Python and R
classification clustering ipython-notebook jupyter-notebook keras-neural-networks keras-tensorflow machine-learning neural-network numpy python r rmarkdown scikit-learn scipy tensorflow
Last synced: 11 Oct 2024
https://github.com/yungshenglu/pokemonrecognition
Recognize Pokemon's image using scikit-learn in Python
knn-model python scikit-learn svm-model
Last synced: 10 Oct 2024
https://github.com/pranav-nagpure/dog-breed-prediction-nb
IPython Notebook to build the model for Dog Breed Prediction
ipython-notebook keras-tensorflow machine-learning scikit-learn transfer-learning xception-net
Last synced: 11 Oct 2024
https://github.com/lucs1590/commom_segmentations
The purpose of this repository is to document and expose code samples using common threading techniques.
computational-vision machine-learning open-source opencv python scikit-image scikit-learn segmentation sklearn
Last synced: 11 Oct 2024