Ecosyste.ms: Awesome

An open API service indexing awesome lists of open source software.

Awesome Lists | Featured Topics | Projects

scikit-learn

scikit-learn is a widely-used Python module for classic machine learning. It is built on top of SciPy.

https://github.com/bpesquet/mlkatas

(Phased out) A series of challenges for practicing your Machine Learning and Deep Learning skills

activity assignment challenge exercise kata keras machine-learning nbgrader numpy python scikit-learn

Last synced: 10 Oct 2024

https://github.com/neurodata/treeple

Scikit-learn compatible decision trees beyond those offered in scikit-learn

causal-inference causal-machine-learning cython decision-trees estimation machine-learning python random-forest scikit-learn

Last synced: 30 Oct 2024

https://github.com/apinf/ml-rest

REST API (and possible UI) for Machine Learning workflows

machine-learning python rest-api scikit-learn

Last synced: 04 Aug 2024

https://github.com/datasciencecampus/pyGrams

Extracts key terminology (n-grams) from any large collection of documents (>1000) and forecasts emergence

dsc-projects emergence-calculations natural-language-processing nlp nltk patents python scikit-learn tf-idf

Last synced: 27 Oct 2024

https://github.com/ashishpatel26/datascienv

datascienv is package that helps you to setup your environment in single line of code with all dependency and it is also include pyforest that provide single line of import all required ml libraries

catboost data-science data-science-env datascienv imbalanced-data lightgbm matplotlib numpy pandas pycaret scikit-learn seaborn tensorflow2 xgboost

Last synced: 10 Oct 2024

https://github.com/tgsmith61591/skoot

A package for data science practitioners. This library implements a number of helpful, common data transformations with a scikit-learn friendly interface in an effort to expedite the modeling process.

data-science imbalanced-data machine-learning pandas python scikit-learn skutil

Last synced: 14 Oct 2024

https://github.com/arosh/BM25Transformer

(Python) transform a document-term matrix to an Okapi/BM25 representation

information-retrieval machine-learning natural-language-processing python scikit-learn

Last synced: 05 Aug 2024

https://github.com/reddyprasade/machine-learning-with-scikit-learn-python-3.x

In general, a learning problem considers a set of n samples of data and then tries to predict properties of unknown data. If each sample is more than a single number and, for instance, a multi-dimensional entry (aka multivariate data), it is said to have several attributes or features. Learning problems fall into a few categories: supervised learning, in which the data comes with additional attributes that we want to predict (Click here to go to the scikit-learn supervised learning page).This problem can be either: classification: samples belong to two or more classes and we want to learn from already labeled data how to predict the class of unlabeled data. An example of a classification problem would be handwritten digit recognition, in which the aim is to assign each input vector to one of a finite number of discrete categories. Another way to think of classification is as a discrete (as opposed to continuous) form of supervised learning where one has a limited number of categories and for each of the n samples provided, one is to try to label them with the correct category or class. regression: if the desired output consists of one or more continuous variables, then the task is called regression. An example of a regression problem would be the prediction of the length of a salmon as a function of its age and weight. unsupervised learning, in which the training data consists of a set of input vectors x without any corresponding target values. The goal in such problems may be to discover groups of similar examples within the data, where it is called clustering, or to determine the distribution of data within the input space, known as density estimation, or to project the data from a high-dimensional space down to two or three dimensions for the purpose of visualization (Click here to go to the Scikit-Learn unsupervised learning page).

classification consists machine-learning machine-learning-algorithms prediction python python-3 regression reinforcement-learning scikit-image scikit-learn scikit-learn-api scikit-learn-python scikit-model semi-supervised-learning sklearn supervised-learning unsupervised-learning vector

Last synced: 28 Oct 2024

https://github.com/kaggledatasets/kaggledatasets

Collection of Kaggle Datasets ready to use for Everyone (Looking for contributors)

data-science datasets deep-learning kaggle keras machine-learning python pytorch scikit-learn tensorflow

Last synced: 13 Oct 2024

https://github.com/fridiculous/django-estimators

a django app to persist and retrieve scikit learn machine learning models

django machine-learning scikit-learn

Last synced: 11 Oct 2024

https://github.com/ottogroup/dstoolbox

Tools that make working with scikit-learn and pandas easier.

machine-learning pandas scikit-learn

Last synced: 14 Oct 2024

https://github.com/jaysonsantos/captcha-breaker

A simple machine learning powered captcha breaker

captcha-breaker scikit-image scikit-learn

Last synced: 04 Aug 2024

https://github.com/andriymulyar/sklearn-oblique-tree

a python interface to OC1 and other oblique decision tree implementations

cart-linear-combinations decision-tree oblique-classifier-1 oblique-decision-tree oc1 scikit-learn

Last synced: 28 Oct 2024

https://github.com/booleanhunter/ml-supervised-learning

A repository to try out Supervised Learning algorithms in Machine Learning

jupyter-notebook machine-learning python python3 scikit-learn

Last synced: 22 Oct 2024

https://github.com/iamhankai/euro2016predictor

Soccer Matches Predictor using Machine Learning

machine-learning scikit-learn soccer

Last synced: 29 Oct 2024

https://github.com/lenguyenthedat/kaggle-for-fun

All my submissions for Kaggle contests that I have been, and going to be participating.

kaggle kaggle-contest mnist neural-network python scikit-learn xgboost

Last synced: 15 Oct 2024

https://github.com/pjaselin/cubist

A Python package for fitting Quinlan's Cubist regression model

data-science machine-learning python regression scikit-learn

Last synced: 30 Oct 2024

https://github.com/petrobras/bibmon

Python package that provides predictive models for fault detection, soft sensing, and process condition monitoring.

echo-state-network fault-detection fault-diagnosis machine-learning neural-networks pca process-monitoring process-systems-engineering scikit-learn soft-sensor time-series

Last synced: 13 Oct 2024

https://github.com/palewire/storysniffer

Inspect a URL and estimate if it contains a news story

data-journalism journalism jupyter-notebook machine-learning news nlp python scikit-learn

Last synced: 11 Oct 2024

https://github.com/AllenInstitute/mouse_connectivity_models

Python package providing mesoscale connectivity models for mouse.

neuroscience open-science python scikit-learn

Last synced: 02 Aug 2024

https://github.com/aramis-lab/AD-ML

Framework for the reproducible classification of Alzheimer's disease using machine learning

alzheimer-disease machine-learning neuroimaging python scikit-learn

Last synced: 02 Aug 2024

https://github.com/pavelkomarov/projection-pursuit

An implementation of multivariate projection pursuit regression and univariate classification

classification coveralls friedman machine-learning projection-pursuit regression scikit-learn sphinx travis-ci

Last synced: 10 Oct 2024

https://github.com/jvalegre/robert

Automated machine learning protocols that start from CSV databases of descriptors or SMILES and produce publication-quality results in Chemistry studies with only one command line.

automation cheminformatics machine-learning python reproducibility scikit-learn workflows

Last synced: 02 Nov 2024

https://github.com/nikolaydubina/go-ml-benchmarks

โฑ Benchmarks of machine learning inference for Go

benchmarks cpp go grpc inference machine-learning python scikit-learn xgboost

Last synced: 13 Oct 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/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: 15 Oct 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/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/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/maxhalford/starboost

:star::rocket: Gradient boosting on steroids

gradient-boosting machine-learning python scikit-learn

Last synced: 22 Oct 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/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/pyronear/pyro-risks

Data science for wildfire risk forecasting and monitoring

python3 scikit-learn wildfire-forecasting

Last synced: 08 Aug 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/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/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/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/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/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/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/mfpierre/coreml-scikit-example

Apple CoreML example with scikit-learn

apple-coreml coreml scikit-learn

Last synced: 07 Aug 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/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/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/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/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/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/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/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/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/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: 13 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: 14 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: 13 Aug 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/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/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: 17 Aug 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/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