chyikweiyau's Stars
ryanmcdermott/clean-code-javascript
:bathtub: Clean Code concepts adapted for JavaScript
pytorch/pytorch
Tensors and Dynamic neural networks in Python with strong GPU acceleration
yunjey/pytorch-tutorial
PyTorch Tutorial for Deep Learning Researchers
plotly/dash
Data Apps & Dashboards for Python. No JavaScript Required.
ruanyf/react-demos
a collection of simple demos of React.js
redis/redis-py
Redis Python client
karpathy/char-rnn
Multi-layer Recurrent Neural Networks (LSTM, GRU, RNN) for character-level language models in Torch
ritchieng/the-incredible-pytorch
The Incredible PyTorch: a curated list of tutorials, papers, projects, communities and more relating to PyTorch.
apache/thrift
Apache Thrift
chiphuyen/stanford-tensorflow-tutorials
This repository contains code examples for the Stanford's course: TensorFlow for Deep Learning Research.
stanfordnlp/CoreNLP
CoreNLP: A Java suite of core NLP tools for tokenization, sentence segmentation, NER, parsing, coreference, sentiment analysis, etc.
lazyprogrammer/machine_learning_examples
A collection of machine learning examples and tutorials.
spro/practical-pytorch
Go to https://github.com/pytorch/tutorials - this repo is deprecated and no longer maintained
scikit-optimize/scikit-optimize
Sequential model-based optimization with a `scipy.optimize` interface
asappresearch/sru
Training RNNs as Fast as CNNs (https://arxiv.org/abs/1709.02755)
rguthrie3/DeepLearningForNLPInPytorch
An IPython Notebook tutorial on deep learning for natural language processing, including structure prediction.
tensorflow/fold
Deep learning with dynamic computation graphs in TensorFlow
white127/QA-deep-learning
tensorflow and theano cnn code for insurance QA(question Answer matching)
clab/dynet_tutorial_examples
Tutorial on "Practical Neural Networks for NLP: From Theory to Code" at EMNLP 2016
databricks/spark-corenlp
Stanford CoreNLP wrapper for Apache Spark
tdhopper/notes-on-dirichlet-processes
:game_die: Notes explaining Dirichlet Processes, HDPs, and Latent Dirichlet Allocation
awslabs/amazon-kinesis-agent
Continuously monitors a set of log files and sends new data to the Amazon Kinesis Stream and Amazon Kinesis Firehose in near-real-time.
thuijskens/bayesian-optimization
Python code for bayesian optimization using Gaussian processes
FakeNewsChallenge/fnc-1
jiweil/Hierarchical-Neural-Autoencoder
stormraiser/GAN-weight-norm
Code for "On the Effects of Batch and Weight Normalization in Generative Adversarial Networks"
TritonHo/demo
marcelocf/janusgraph_tutorial
Tutorial with example code on how to get started with JanusGraph
nerdammer/spark-additions
Utilities for Apache Spark
chyikwei/bnp
Bayesian nonparametric models for python