ringhilterra's Stars
huggingface/transformers
🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.
eriklindernoren/ML-From-Scratch
Machine Learning From Scratch. Bare bones NumPy implementations of machine learning models and algorithms with a focus on accessibility. Aims to cover everything from linear regression to deep learning.
norvig/pytudes
Python programs, usually short, of considerable difficulty, to perfect particular skills.
trekhleb/homemade-machine-learning
🤖 Python examples of popular machine learning algorithms with interactive Jupyter demos and math being explained
khangich/machine-learning-interview
Machine Learning Interviews from FAANG, Snapchat, LinkedIn. I have offers from Snapchat, Coupang, Stitchfix etc. Blog: mlengineer.io.
sktime/sktime
A unified framework for machine learning with time series
facebookresearch/dino
PyTorch code for Vision Transformers training with the Self-Supervised learning method DINO
fogleman/Minecraft
Simple Minecraft-inspired program using Python and Pyglet
khanhnamle1994/cracking-the-data-science-interview
A Collection of Cheatsheets, Books, Questions, and Portfolio For DS/ML Interview Prep
awslabs/deequ
Deequ is a library built on top of Apache Spark for defining "unit tests for data", which measure data quality in large datasets.
szagoruyko/pytorchviz
A small package to create visualizations of PyTorch execution graphs
curiousily/Getting-Things-Done-with-Pytorch
Jupyter Notebook tutorials on solving real-world problems with Machine Learning & Deep Learning using PyTorch. Topics: Face detection with Detectron 2, Time Series anomaly detection with LSTM Autoencoders, Object Detection with YOLO v5, Build your first Neural Network, Time Series forecasting for Coronavirus daily cases, Sentiment Analysis with BER
uber/orbit
A Python package for Bayesian forecasting with object-oriented design and probabilistic models under the hood.
vturrisi/solo-learn
solo-learn: a library of self-supervised methods for visual representation learning powered by Pytorch Lightning
SamLynnEvans/Transformer
Transformer seq2seq model, program that can build a language translator from parallel corpus
MaxHalford/prince
:crown: Multivariate exploratory data analysis in Python — PCA, CA, MCA, MFA, FAMD, GPA
alexminnaar/time-series-classification-and-clustering
Time series classification and clustering code written in Python.
markdregan/K-Nearest-Neighbors-with-Dynamic-Time-Warping
Python implementation of KNN and DTW classification algorithm
awslabs/python-deequ
Python API for Deequ
sarthfrey/leetcode-course
A guide to crushing tech interviews.
facebookresearch/suncet
Code to reproduce the results in the FAIR research papers "Semi-Supervised Learning of Visual Features by Non-Parametrically Predicting View Assignments with Support Samples" https://arxiv.org/abs/2104.13963 and "Supervision Accelerates Pre-training in Contrastive Semi-Supervised Learning of Visual Representations" https://arxiv.org/abs/2006.10803
withcatai/catai
Run AI ✨ assistant locally! with simple API for Node.js 🚀
aporia-ai/mlplatform-workshop
🍫 Example code for a basic ML Platform based on Pulumi, FastAPI, DVC, MLFlow and more
angus924/rocket
ROCKET: Exceptionally fast and accurate time series classification using random convolutional kernels
kzl/universal-computation
Official codebase for Pretrained Transformers as Universal Computation Engines.
yanminglai/Malware-GAN
Realization of paper: "Generating Adversarial Malware Examples for Black-Box Attacks Based on GAN" 2017
okrasolar/pytorch-timeseries
PyTorch implementations of neural networks for timeseries classification
CrowdStrike/tf2rust
Tensorflow to Rust is a tool to convert trained Tensorflow models to pure Rust code.
ZaydH/MalwareGAN
Adversarial Malware Generator Using GANs
Ar9av/transformer-nmt-chatbot