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-12-26 00:22:49 UTC
- JSON Representation
https://github.com/centre-for-humanities-computing/tweetopic
Blazing fast topic modelling for short texts.
dirichlet-process-mixtures dmm gibbs-sampling gsdmm machine-learning mcmc nlp python scikit-learn topic-modeling tweet tweet-analysis visualization
Last synced: 18 Dec 2024
https://github.com/tirthajyoti/mlr
Multiple linear regression with statistical inference, residual analysis, direct CSV loading, and other features
analytics data-analytics data-science linear-regression machine-learning modeling predictive-modeling python regression scikit-learn statiscal-learning statistical-analysis statistics
Last synced: 12 Oct 2024
https://github.com/angristan/palette
Extract color palette from an image with k-means and k-NN // Project for the AI/ML class at Hanyang University
color-palette flask kmeans knn opencv pandas python scikit-learn
Last synced: 28 Oct 2024
https://github.com/crflynn/skgrf
scikit-learn compatible Python bindings for grf (generalized random forests) C++ random forest library
generalized-random-forest machine-learning random-forest scikit-learn
Last synced: 08 Nov 2024
https://github.com/maruedt/chemometrics
Python library for chemometric data analysis
chemometrics data-analysis ihm mcr mvda pca pls preprocessing python scikit-learn spectroscopy statistics
Last synced: 13 Oct 2024
https://github.com/lenguyenthedat/minimal-datascience
This repository contains all the code and dataset used in my blog series: Minimal Data Science
blog-series data-science kaggle machine-learning python scikit-learn xgboost
Last synced: 08 Nov 2024
https://github.com/the-strategy-unit/pxtextmining
Text classification of NHS patient feedback.
nhs-r-community patient-experience python scikit-learn
Last synced: 18 Nov 2024
https://github.com/revca-anai/anai
A to Z of ML
automation automl machine-learning machine-learning-algorithms python scikit-learn sklearn
Last synced: 13 Oct 2024
https://github.com/timzatko/sklearn-nature-inspired-algorithms
Nature-inspired algorithms for hyper-parameter tuning of Scikit-Learn models.
data-science hyper-parameter-optimization hyper-parameter-tuning nature-inspired-algorithms python scikit-learn
Last synced: 11 Oct 2024
https://github.com/laugustyniak/textlytics
Text processing library for sentiment analysis and related tasks
classification natural-language-processing nlp opinion-mining scikit-learn sentiment-analysis supervised-learning word-embeddings
Last synced: 18 Nov 2024
https://github.com/phanakata/ml_for_kirigami_design
Python package to model and to perform topology optimization for graphene kirigami using deep learning
convolutional-neural-networks deep-learning graphene lammps material-design scikit-learn tensorflow tensorflow-models topology-optimization
Last synced: 10 Oct 2024
https://github.com/ml-libs/mlserve
mlserve turns your python models into RESTful API, serves web page with form generated to match your input data.
machine-learning mlserve model-deployment model-serving scikit-learn
Last synced: 14 Oct 2024
https://github.com/steven2358/sklearn-matlab
Machine learning in Matlab using scikit-learn syntax
machine-learning matlab scikit-learn
Last synced: 13 Oct 2024
https://github.com/vitorcarvalho67/barium
Cutting-edge Python software utilizing neural networks and machine learning for precise hand movement tracking
cnn-keras computer-vision cv2 deep-learning human-computer-interaction keras-neural-networks machine-learning mediapipe-hands open-source opencv scikit-learn virtual-mouse
Last synced: 02 Dec 2024
https://github.com/neuro-ml/reskit
A library for creating and curating reproducible pipelines for scientific and industrial machine learning
data-preparation grid-search pipeline prepare-data python reproducible-experiments reproducible-research scikit-learn
Last synced: 10 Nov 2024
https://github.com/astrazeneca-cgr-publications/mantis-ml-release
mantis-ml: Stochastic semi-supervised learning to prioritise genes from high throughput genomic screens
auto-ml genomics keras machine-learning scikit-learn tensorflow
Last synced: 02 Nov 2024
https://github.com/zkan/intro-to-machine-learning
Introduction to Machine Learning
hacktoberfest machine-learning pandas python scikit-learn seaborn
Last synced: 19 Dec 2024
https://github.com/noahgift/spot_price_machine_learning
Machine Learning for Spot Prices
aws click ecu jupyter-notebook knn machine-learning pandas price python scikit-learn spot spot-instances spot-price
Last synced: 11 Oct 2024
https://github.com/csinva/disentangled-attribution-curves
Using / reproducing DAC from the paper "Disentangled Attribution Curves for Interpreting Random Forests and Boosted Trees"
ai artificial-intelligence boosting ensemble-model explainable-ai feature-engineering feature-importance interpretability machine-learning ml python random-forest random-forests scikit-learn statistics stats
Last synced: 22 Oct 2024
https://github.com/maxhalford/starboost
:star::rocket: Gradient boosting on steroids
gradient-boosting machine-learning python scikit-learn
Last synced: 22 Oct 2024
https://github.com/sylvchev/simple_esn
simple Echo State Networks integrated with scikit-learn
Last synced: 13 Nov 2024
https://github.com/pyronear/pyro-risks
Data science for wildfire risk forecasting and monitoring
python3 scikit-learn wildfire-forecasting
Last synced: 19 Nov 2024
https://github.com/elisim/hydra-sklearn-pipelines
Code accompanying the blogpost: "Creating Configurable Data Pre-Processing Pipelines by Combining Hydra and Sklearn" by Eli Simhayev & Benjamin Bodner
data-science hydra machine-learning scikit-learn
Last synced: 22 Nov 2024
https://github.com/solygambas/mlops-projects
Hands-on MLOps projects to explore and learn the practical aspects of machine learning engineering for production.
docker fastapi google-cloud google-cloud-platform huggingface huggingface-transformers keras kubectl kubeflow kubernetes machine-learning mlops python scikit-learn tensorflow
Last synced: 27 Oct 2024
https://github.com/alexfrancow/cve-search
CVE-Search (name still in alpha), is a Machine Learning tool focused on the detection of exploits or proofs of concept in social networks such as Twitter, Github. It is also capable of doing related searches on Google, Yandex, DuckDuckGo on CVEs and detecting if the content may be a functional exploit, a proof of concept or simply information about the vulnerability.
cve exploits flask machine-learning nlp-machine-learning pandas poc postgresql python3 scikit-learn
Last synced: 20 Nov 2024
https://github.com/wardbrian/scikit-stan
A sklearn style interface to Stan regression models
python scikit-learn sklearn-compatible stan
Last synced: 31 Oct 2024
https://github.com/qinhanmin2014/tiny-sklearn
Tiny implementation of important algorithms in scikit-learn. Useful when understanding ML algorithms and scikit-learn.
machine-learning machine-learning-algorithms scikit-learn
Last synced: 22 Oct 2024
https://github.com/tslu1s/tsforecasting
TSForecasting: Automated Time Series Forecasting Framework
autogluon automated-forecasting automated-timeseries-forecasting automl automl-pipeline catboost data-science forecasting lightgbm machine-learning python scikit-learn timeseries timeseries-analysis timeseries-forecasting xgboost
Last synced: 09 Nov 2024
https://github.com/laactechnology/foxcross
AsyncIO serving for data science models
async data-science dataframe http machine-learning pandas python pytorch rest-api scikit-learn serving
Last synced: 10 Oct 2024
https://github.com/marcogdepinto/python-for-data-analysis-and-machine-learning
This repo contains the projects made for the course of Jose Portilla on Udemy.
analysis data-analysis deep-neural-networks exercise ipynb jupyter-notebook machine-learning numpy pandas python scikit-learn seaborn
Last synced: 11 Oct 2024
https://github.com/jancervenka/turbofan_failure
Aircraft engine failure prediction model
lstm prediction-model python scikit-learn svm tensorflow
Last synced: 06 Nov 2024
https://github.com/pysiakk/genetictree
Constructing decision trees with genetic algorithm with a scikit-learn inspired API
classification data-science evolutionary-algorithm genetic genetic-algorithm genetic-programming genetictree machine-learning python python-library scikit-learn tree
Last synced: 07 Nov 2024
https://github.com/youngjeong46/hands-on-machine-learning
Machine learning practice based on the book Hands On Machine Learning with Scikit-Learn & Tensorflow by Aurelien Geron.
machine-learning scikit-learn tensorflow
Last synced: 28 Nov 2024
https://github.com/aajanki/sequence-classification
Scikit-learn compatible sequence classifier
machine-learning scikit-learn sequence-classification
Last synced: 10 Nov 2024
https://github.com/chalmerlowe/machine_learning
A gentle introduction to machine learning: data handling, linear regression, naive bayes, clustering
data data-science linear-regression machine-learning nearest-neighbors python scikit-learn
Last synced: 12 Oct 2024
https://github.com/mind-the-pineapple/sklearn-rvm
An sklearn style implementation of the Relevance Vector Machine (RVM).
machine-learning relevance-vector-machine scikit-learn sklearn
Last synced: 10 Oct 2024
https://github.com/ksachdeva/scikit-nni
AutoML - Hyper parameters search for scikit-learn pipelines using Microsoft NNI
automl hyperparameter-search hyperparameters neural-network-intelligence nni scikit-learn scikit-learn-api sklearn sklearn-library tool
Last synced: 10 Oct 2024
https://github.com/vocalpy/hybrid-vocal-classifier
a Python machine learning library for animal vocalizations and bioacoustics
birdsong keras machine-learning python scikit-learn tensorflow
Last synced: 01 Nov 2024
https://github.com/medoidai/skrobot
skrobot is a Python module for designing, running and tracking Machine Learning experiments / tasks. It is built on top of scikit-learn framework.
artificial-intelligence data-science feature-engineering feature-selection hyperparameter-tuning machine-learning model-evaluation model-selection model-training model-tuning modelling predictive-modelling python scikit-learn
Last synced: 27 Oct 2024
https://github.com/durgeshsamariya/mlgenerator
MLgenerator is a web app which help you to generate machine learning starter code with ease.
beginner-code heroku machine-learning machine-learning-algorithms machine-learning-tutorials pyod scikit-learn starter-code starter-template streamlit-webapp template webapp
Last synced: 08 Nov 2024
https://github.com/mloning/intro-to-ml-with-time-series-dssgx-2020
Python tutorial on machine learning with time series for DSSGx 2020
machine-learning scikit-learn sktime time-series tutorial
Last synced: 22 Oct 2024
https://github.com/yard1/hpbandster-sklearn
A scikit-learn wrapper for HpBandSter hyper parameter search.
automated-machine-learning automl bayesian-optimization hyperparameter-optimization hyperparameter-tuning machine-learning python scikit-learn sklearn
Last synced: 08 Nov 2024
https://github.com/mfpierre/coreml-scikit-example
Apple CoreML example with scikit-learn
apple-coreml coreml scikit-learn
Last synced: 17 Dec 2024
https://github.com/godfanmiao/ml-kaggle-github-2022
《 Python机器学习及实践:从零开始通往Kaggle竞赛之路(2022年度版)》全书数据和开源代码
paddlepaddle pandas pyspark python3 pytorch scikit-learn tensorflow2
Last synced: 08 Nov 2024
https://github.com/davisidarta/fastlapmap
Fast Laplacian Eigenmaps: lightweight multicore LE for non-linear dimensional reduction with minimal memory usage. Outperforms sklearn's implementation and escalates linearly beyond 10e6 samples.
denoising dimensionality-reduction embedding feature-engineering laplacian-eigenmaps machine-learning multithreading python scikit-learn
Last synced: 13 Oct 2024
https://github.com/1chooo/refinaid
🐻 Refinaid - an open-source learning platform, making AI accessible to everyone, no programming skills needed. Empowering all to explore the future of AI.
aws aws-cdk docker fastapi gradio monorepo nextjs nextra numpy pandas sass scikit-learn
Last synced: 04 Dec 2024
https://github.com/edyoda/ai-project-fraud-detection
Credit card fraud detection using kafka,scikit,flask,cassandra
cassandra flask kafka scikit-learn
Last synced: 18 Nov 2024
https://github.com/howardyclo/kmeans-dbscan-tutorial
A clustering tutorial with scikit-learn for beginners.
clustering-algorithm dbscan ipython-notebook kmeans scikit-learn tutorial
Last synced: 11 Oct 2024
https://github.com/boniolp/theseus
[VLDB 2022] Dash application for "Navigating the Labyrinth of Time Series Anomaly Detection"
anomaly-detection dash dashboard pandas plotly plotly-dash python scikit-learn subsequence time-series time-series-analysis webapp
Last synced: 09 Nov 2024
https://github.com/bfortuner/machine-learning
Machine learning sabbatical study materials
data-science deep-learning jupyter-notebook machine-learning neural-network numpy pandas pytorch scikit-learn
Last synced: 08 Nov 2024
https://github.com/392781/scikit-ntk
Neural Tangent Kernel (NTK) module for the scikit-learn library
kernel-methods machine-learning neural-tangent-kernel ntk scikit scikit-learn
Last synced: 13 Oct 2024
https://github.com/oroszgy/hungarian-text-mining-workshop
Materials for the Text Mining workshop held in the HuNLP meetup, June 2017
classification hungarian information-extraction keyword-extraction machine-learning meetup natural-language-processing nlp python scikit-learn sentiment-analysis spacy spacy-models text-mining text-mining-workshop textacy tutorial workshop
Last synced: 08 Nov 2024
https://github.com/mahmoudparsian/machine-learning-course
Machine Learning Course @ Santa Clara University
clustering data-algorithms kmeans-clustering linear-regression logistic-regression machine-learning pyspark pyspark-algorithms-book santa-clara-university scikit-learn spark spark-ml supervised-learning unsupervised-learning
Last synced: 06 Nov 2024
https://github.com/bretttolbert/verbecc-svc
Dockerized Python microservice with REST API for verbs conjugation in French, Spanish and Portuguese
conjugation conjugator french french-language french-nlp linguistics machine-learning natural-language natural-language-processing nlp portuguese-language portuguese-verbs romanian romanian-language scikit-learn spanish-language spanish-verbs verb-conjugation
Last synced: 18 Oct 2024
https://github.com/gauravpandeylab/eipy
Ensemble Integration: a customizable pipeline for generating multi-modal, heterogeneous ensembles
classification ensemble interpretation machine-learning multimodal nested-cross-validation predictive-modeling scikit-learn
Last synced: 10 Oct 2024
https://github.com/rickiepark/handson-gb
XGBoost와 사이킷런으로 배우는 그레이디언트 부스팅
gradient-boosting lightgbm machine-learning scikit-learn xgboost
Last synced: 21 Dec 2024
https://github.com/boniolp/Theseus
[VLDB 2022] Dash application for "Navigating the Labyrinth of Time Series Anomaly Detection"
anomaly-detection dash dashboard pandas plotly plotly-dash python scikit-learn subsequence time-series time-series-analysis webapp
Last synced: 30 Oct 2024
https://github.com/ragibhasan894/phishing_website_detection
This project is based on detecting phishing/fraud/malicious website using Random Forest Classification formula. Implemented using Python programming language and Django framework.
cyber-security data-mining data-science django django-framework machine-learning phsihing python random-forest scikit-learn security
Last synced: 11 Oct 2024
https://github.com/smarie/python-m5p
An implementation of M5 and model trees in python, compliant with scikit-learn.
m5 machine-learning model prime regression scikit-learn tree
Last synced: 11 Oct 2024
https://github.com/yeaseen/ml_pattern
:trident: Some recognized algorithms[Decision Tree, Adaboost, Perceptron, Clustering, Neural network etc. ] of machine learning and pattern recognition are implemented from scratch using python. Data sets are also included to test the algorithms.
adaboost-learning als-algorithm artificial-neural-networks basic-learning binary-perceptron decision-tree-classifier multiclass-classification multiclass-kersel numpy perceptron-learning-algorithm pocket python recommendation-algorithm reward-and-punishment scikit-learn scratch template-matching
Last synced: 17 Nov 2024
https://github.com/mdh266/NYCBuildingEnergyUse
Creating Regression Models Of Building Emissions On Google Cloud
bokeh data-science energy-efficiency exploratory-data-analysis google-app-engine missing-data missing-values outlier-detection outlier-removal regression regression-models scikit-learn xgboost
Last synced: 14 Nov 2024
https://github.com/mapbox/gabbar
Guarding OpenStreetMap from harmful edits using machine learning
banished jupyter-notebook machine-learning openstreetmap scikit-learn vandalism
Last synced: 14 Oct 2024
https://github.com/pateash/kisanmitra
Crop Yield Prediction Web App Built using Sklearn and Laravel Web Framework
crop-yeild-prediction farmers laravel machinelearning scikit-learn
Last synced: 13 Oct 2024
https://github.com/orestis-z/facial-beauty-predictor
Deep learning model to predict a beauty score for faces in images. Outperforms the state-of-the-art by up to 18% (2019).
computer-vision deep-learning deep-neural-networks facial-beauty-prediction scikit-learn tensorflow
Last synced: 28 Oct 2024
https://github.com/eswar3/Zillow-prediction-models
Machine Learning Project using Kaggle dataset
eda machine-learning numpy parameter-tuning scikit-learn scikitlearn-machine-learning xgboost-algorithm
Last synced: 27 Oct 2024
https://github.com/scikit-multilearn-ng/scikit-multilearn-ng
A new maintained "successor" to scikit-multilearn, a scikit-learn based module for multi-label et. al. classification
classification clustering label-prediction machine-learning multi-label multi-label-classification partitioning scikit scikit-learn scikit-multilearn
Last synced: 20 Dec 2024
https://github.com/mdh266/nycbuildingenergyuse
Creating Regression Models Of Building Emissions On Google Cloud
bokeh data-science energy-efficiency exploratory-data-analysis google-app-engine missing-data missing-values outlier-detection outlier-removal regression regression-models scikit-learn xgboost
Last synced: 04 Dec 2024
https://github.com/operalib/operalib
Learning with operator-valued kernels
features fourier kernel kernel-methods learning-algorithm machine-learning-library operator-valued random rff scikit-learn
Last synced: 15 Nov 2024
https://github.com/trainingbypackt/machine-learning-fundamentals
Use Python and scikit-learn to get up and running with the hottest developments in machine learning
jupyter-notebook machine-learning python3 scikit-learn
Last synced: 14 Nov 2024
https://github.com/mdh266/textclassificationapp
Building and Deploying A Serverless Text Classification Web App
data-science docker document-classification fastapi imbalanced-data imbalanced-learning machine-learning naive-bayes natural-language-processing nlp nltk scikit-learn support-vector-machine text-classification
Last synced: 04 Dec 2024
https://github.com/curiousily/Reproducible-ML-with-DVC
Tutorial on experiment tracking and reproducibility for Machine Learning projects with DVC
deep-learning dvc experiment-tracking linear-regression machine-learning metrics python random-forest reproducibility scikit-learn tracking
Last synced: 04 Dec 2024
https://github.com/polyaxon/cli
Polyaxon Core Client & CLI to streamline MLOps
data-science dataops deep-learning hyperparameter-optimization kubernetes machine-learning ml mlops pytorch scikit-learn tensorflow workflows
Last synced: 16 Nov 2024
https://github.com/mauroluzzatto/explainy
explainy is a Python library for generating machine learning model explanations for humans
data-science explanation machine-learning machine-learning-explainability python scikit-learn
Last synced: 11 Nov 2024
https://github.com/sayakpaul/phishing-websites-detection
Experiments to detect phishing websites using neural networks
cybersecurity keras-tensorflow machine-learning neural-network phishing-attacks scikit-learn
Last synced: 23 Oct 2024
https://github.com/dunnkers/fseval
Benchmarking framework for Feature Selection and Feature Ranking algorithms 🚀
automl benchmarking benchmarking-framework benchmarks feature-rankers feature-ranking feature-selection hydra machine-learning python scikit-learn wandb
Last synced: 07 Nov 2024
https://github.com/fbruzzesi/sklearn-smithy
Toolkit to forge scikit-learn compatible estimators
cli data-science machine-learning python scikit-learn webui
Last synced: 10 Oct 2024
https://github.com/lucastsutsui/embml
A tool to support using classification models in low-power and microcontroller-based embedded systems.
classification-model classification-models classifier edge-computing edge-machine-learning embedded-systems embml iot-device machine-learning microcontroller microcontrollers scikit-learn tinyml weka
Last synced: 10 Oct 2024
https://github.com/aifred-health/vulcanai
A high level deep learning framework for quickly prototyping networks with added tools in data visualisation, model interpretability and performance metrics
data-analysis data-cleaning data-science data-visualization deep-learning deep-neural-networks feature-engineering mental-health python3 pytorch scikit-learn
Last synced: 05 Dec 2024
https://github.com/cheng-lin-li/machinelearning
Implementations of machine learning algorithm by Python 3
decision-trees fastmap gaussian-mixture-models gmm hmm-viterbi-algorithm kmeans lstm machine-learning machine-learning-algorithms mlp neural-network pca pca-analysis perceptron perceptron-learning-algorithm python3 scikit-learn tensorflow
Last synced: 13 Nov 2024
https://github.com/jakoch/jupyter-devbox
A Docker DevBox for Jupyter Notebook's with a focus on Computer Vision, Machine Learning, Finance, Statistics and Visualization.
debian docker imutils jupyter-notebook keras opencv pandas python3 scikit-learn scipy seaborn tensorflow
Last synced: 28 Oct 2024
https://github.com/curiousily/reproducible-ml-with-dvc
Tutorial on experiment tracking and reproducibility for Machine Learning projects with DVC
deep-learning dvc experiment-tracking linear-regression machine-learning metrics python random-forest reproducibility scikit-learn tracking
Last synced: 11 Nov 2024
https://github.com/tribeofai/workshops
Tribe of AI workshops curriculum
deep-learning keras machine-learning numpy pandas python scikit-learn tensorflow
Last synced: 21 Nov 2024
https://github.com/cblearn/cblearn
Comparison-based Machine Learning in Python
embedding machine-learning machinelearning multidimensional multidimensional-scaling non-metric ordinal scaling scikit-learn
Last synced: 07 Nov 2024
https://github.com/ahmetfurkandemir/trendyol-smartphone-price-prediction
Trendyol Smartphone Price Prediction
aws aws-ec2 data datascience flask flask-api linear-regression machine-learning python scikit-learn trendyol
Last synced: 16 Nov 2024
https://github.com/deysuman/machinelearningstocks
Using python and scikit-learn to make stock predictions
data-science deep-learning deysuman finance historical-stock-fundamentals india machine-learning machine-learning-algorithms made-with-love math-with-python python python3 science scikit-learn sklearn stock-analysis stock-prediction yahoo-finance
Last synced: 12 Nov 2024
https://github.com/samarjitsahoo/house-price-prediction
Explore my Machine Learning repository featuring a House Price Predictor project. Leveraging advanced algorithms, this project predicts house prices based on various features like location, size, amenities, and market trends. Dive into the world of predictive analytics and gain insights into the dynamic real estate market.
machine-learning matplot pandas scikit-learn
Last synced: 05 Dec 2024
https://github.com/smaranjitghose/paruluniversityai
Artificial Intelligence Course at Parul University taught in Spring 2023 by Mr Smaranjit Ghose
convolutional-neural-networks exploratory-data-analysis first-order-logic fuzzy-logic keras machinelearning matplotlib natural-language-processing neural-network numpy pandas plotly python python3 pytorch recurrent-neural-networks scikit-learn seaborn state-space-search streamlit
Last synced: 27 Nov 2024
https://github.com/lorransutter/predictstock-svm
ML model for stock trend prediction using Python
k-means kfold-cross-validation machine-learning matplotlib numpy pandas python python3 random-forest scikit-learn sklearn stock-trend-prediction support-vector-machine trend-prediction
Last synced: 08 Nov 2024
https://github.com/fabianp/mash_2016_sklearn_intro
Material for the MASH course on introduction to scikit-learn
machine-learning notebooks scikit-learn tutorial
Last synced: 16 Oct 2024
https://github.com/lucaangioloni/fit-covid19
Easy model to fit logistic curve to COVID19 data from Italy. Demo: https://fit-covid19.herokuapp.com
contagi-giornalieri coronavirus covid-19 covid-virus covid19 demo forecasting italy logistic prediction python regression scikit-learn totale-contagi
Last synced: 20 Oct 2024
https://github.com/balins/fuzzytree
A Fuzzy Decision Tree implementation for Python.
classification decision-trees fuzzy-logic machine-learning scikit-learn
Last synced: 08 Nov 2024
https://github.com/bgu-cs-vil/pdc-dp-means
"Revisiting DP-Means: Fast Scalable Algorithms via Parallelism and Delayed Cluster Creation" [Dinari and Freifeld, UAI 2022]
clustering dpmeans kmeans machine-learning minibatch scikit-learn
Last synced: 13 Oct 2024
https://github.com/karelze/tclf
A scikit-learn compatible classifier to perform trade classification in Python.
empirical finance microstructure python rule-based-classifier scikit-learn trade-classification
Last synced: 11 Oct 2024
https://github.com/KarelZe/tclf
A scikit-learn compatible classifier to perform trade classification in Python.
empirical finance microstructure python rule-based-classifier scikit-learn trade-classification
Last synced: 09 Dec 2024
https://github.com/manasvigoyal/gmail-classification
Extract Emails from Gmail account, convert to Excel file and classify using various classification algorithms.
beautifulsoup classification email-classification excel gmail jupyter-notebooks machine-learning matplotlib numpy pandas python scikit-learn seaborn
Last synced: 11 Oct 2024
https://github.com/infoslack/ml-book
Entendendo Machine Learning com Scikit-Learn e TensorFlow na prática
data-science machine-learning matplotlib numpy pandas python scikit-learn tensorflow
Last synced: 22 Nov 2024
https://github.com/lettier/interactivekmeans
Interactive HTML canvas based implementation of k-means.
ai cluster cluster-analysis clustering clustering-algorithm clustering-evaluation clustering-methods data-science interactive-kmeans kmeans kmeans-algorithm kmeans-clustering machine-learning machine-learning-algorithms scikit-learn
Last synced: 30 Oct 2024
https://github.com/soda-inria/sklearn-numba-dpex
Experimental plugin for scikit-learn to be able to run (some estimators) on Intel GPUs via numba-dpex.
gpu intel numba-dpex scikit-learn
Last synced: 31 Oct 2024
https://github.com/mdh266/randomforests
Random Forest Library In Python Compatible with Scikit-Learn
classification data-science decision-tree ensemble-learning machine-learning machine-learning-algorithms pandas python random-forest regression scikit-learn
Last synced: 04 Dec 2024
https://github.com/godfanmiao/pyai-github-2024
《 Python人工智能编程实践(2024年度版)》全书数据和开源代码【已出版】
git paddlepaddle pandas pyspark python3 pytorch scikit-learn tensorflow
Last synced: 08 Nov 2024