dobriban
Associate Professor of Statistics & Computer and Information Science. Interested in stats and ML. Course notes, software, and code to reproduce papers.
The Wharton School, University of PennsylvaniaPhiladelphia, PA
dobriban's Stars
google/flax
Flax is a neural network library for JAX that is designed for flexibility.
davidcpage/cifar10-fast
QData/AdversarialDNN-Playground
VizSec17: Web-based visualization tool for adversarial machine learning / LiveDemo
locuslab/fast_adversarial
[ICLR 2020] A repository for extremely fast adversarial training using FGSM
dobriban/Topics-in-deep-learning
Materials for class on topics in deep learning (STAT 991, UPenn/Wharton)
brylevkirill/notes
Learn about Machine Learning and Artificial Intelligence
dsgiitr/d2l-pytorch
This project reproduces the book Dive Into Deep Learning (https://d2l.ai/), adapting the code from MXNet into PyTorch.
arnabgho/iSketchNFill
Software that can autocomplete sketches as the user starts drawing.
ray-project/tune-sklearn
A drop-in replacement for Scikit-Learn’s GridSearchCV / RandomizedSearchCV -- but with cutting edge hyperparameter tuning techniques.
ray-project/ray
Ray is an AI compute engine. Ray consists of a core distributed runtime and a set of AI Libraries for accelerating ML workloads.
Santosh-Gupta/ScientificSummarizationDataSets
Datasets I have created for scientific summarization, and a trained BertSum model
huggingface/transformers
🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.
minimaxir/gpt-2-simple
Python package to easily retrain OpenAI's GPT-2 text-generating model on new texts
kuangliu/pytorch-cifar
95.47% on CIFAR10 with PyTorch
Tessellate-Imaging/Pytorch_Tutorial
A set of jupyter notebooks on pytorch functions with examples
ludwig-ai/ludwig
Low-code framework for building custom LLMs, neural networks, and other AI models
rasbt/python-machine-learning-book-3rd-edition
The "Python Machine Learning (3rd edition)" book code repository
jax-ml/jax
Composable transformations of Python+NumPy programs: differentiate, vectorize, JIT to GPU/TPU, and more
jasonwei20/eda_nlp
Data augmentation for NLP, presented at EMNLP 2019
makcedward/nlpaug
Data augmentation for NLP
fg91/Neural-Image-Caption-Generation-Tutorial
openai/weightnorm
Example code for Weight Normalization, from "Weight Normalization: A Simple Reparameterization to Accelerate Training of Deep Neural Networks"
tensorflow/tensorflow
An Open Source Machine Learning Framework for Everyone
tensorflow/models
Models and examples built with TensorFlow
tensorflow/fairness-indicators
Tensorflow's Fairness Evaluation and Visualization Toolkit
manicman1999/StyleGAN2-Tensorflow-2.0
StyleGAN 2 in Tensorflow 2.0
py-why/dowhy
DoWhy is a Python library for causal inference that supports explicit modeling and testing of causal assumptions. DoWhy is based on a unified language for causal inference, combining causal graphical models and potential outcomes frameworks.
amirgholami/PyHessian
PyHessian is a Pytorch library for second-order based analysis and training of Neural Networks
zetaqubit/ml
cvxpy/cvxpy
A Python-embedded modeling language for convex optimization problems.