rayanabu's Stars
googlecreativelab/chrome-music-lab
A collection of experiments for exploring how music works, all built with the Web Audio API.
lamoureux-lab/3DCNN_MQA
Deep convolutional networks for fold recognition
google/deepdream
karpathy/char-rnn
Multi-layer Recurrent Neural Networks (LSTM, GRU, RNN) for character-level language models in Torch
hundredrabbits/Orca
Esoteric Programming Language
kubeflow/pipelines
Machine Learning Pipelines for Kubeflow
google/dopamine
Dopamine is a research framework for fast prototyping of reinforcement learning algorithms.
alda-lang/alda
A music programming language for musicians. :notes:
google-deepmind/lab
A customisable 3D platform for agent-based AI research
martin-gorner/tensorflow-rnn-shakespeare
Code from the "Tensorflow and deep learning - without a PhD, Part 2" session on Recurrent Neural Networks.
martin-gorner/tensorflow-mnist-tutorial
Sample code for "Tensorflow and deep learning, without a PhD" presentation and code lab.
dmlc/dgl
Python package built to ease deep learning on graph, on top of existing DL frameworks.
microsoft/petridishnn
Code for the neural architecture search methods contained in the paper Efficient Forward Neural Architecture Search
apache/beam
Apache Beam is a unified programming model for Batch and Streaming data processing.
verilylifesciences/genomewarp
GenomeWarp translates genetic variants from one genome assembly version to another.
bapoczos/StyleTransfer-Tensorflow
Style Transfer with keras and tensorflow
jeonghopark/SketchSynth-Simple
cerndb/dist-keras
Distributed Deep Learning, with a focus on distributed training, using Keras and Apache Spark.
pydot/pydot
Python interface to Graphviz's Dot language
bokeh/bokeh
Interactive Data Visualization in the browser, from Python
h2oai/h2o-3
H2O is an Open Source, Distributed, Fast & Scalable Machine Learning Platform: Deep Learning, Gradient Boosting (GBM) & XGBoost, Random Forest, Generalized Linear Modeling (GLM with Elastic Net), K-Means, PCA, Generalized Additive Models (GAM), RuleFit, Support Vector Machine (SVM), Stacked Ensembles, Automatic Machine Learning (AutoML), etc.
scikit-learn-contrib/lightning
Large-scale linear classification, regression and ranking in Python
google-deepmind/sonnet
TensorFlow-based neural network library
BVLC/caffe
Caffe: a fast open framework for deep learning.
PaddlePaddle/Paddle
PArallel Distributed Deep LEarning: Machine Learning Framework from Industrial Practice (『飞桨』核心框架,深度学习&机器学习高性能单机、分布式训练和跨平台部署)
Lasagne/Lasagne
Lightweight library to build and train neural networks in Theano
kylemcdonald/ofxCcv
libccv addon for openFrameworks
dmlc/xgboost
Scalable, Portable and Distributed Gradient Boosting (GBDT, GBRT or GBM) Library, for Python, R, Java, Scala, C++ and more. Runs on single machine, Hadoop, Spark, Dask, Flink and DataFlow
fastai/numerical-linear-algebra
Free online textbook of Jupyter notebooks for fast.ai Computational Linear Algebra course
pyg-team/pytorch_geometric
Graph Neural Network Library for PyTorch