Pinned Repositories
116837
Reward modulated STDP (Legenstein et al. 2008)
awesome-neural-adaptation-in-NLP
Awesome Neural Adaptation in Natural Language Processing. A curated list. https://arxiv.org/abs/2006.00632
bindsnet
Simulation of spiking neural networks (SNNs) using PyTorch.
bindsnet_experiments
Collection of experimental Python and accompanying Bash scripts for training and evaluation of BindsNET networks.
Capsule4TextClassification
Sequence Encoding via Dynamic Routing for Text Classification
Chinese-BERT-wwm
Pre-Training with Whole Word Masking for Chinese BERT(中文BERT-wwm系列模型)
Deep-Reinforcement-Learning-Algorithms-with-PyTorch
PyTorch implementations of deep reinforcement learning algorithms and environments
easy-rl
强化学习中文教程,在线阅读地址:https://datawhalechina.github.io/easy-rl/
SNNs-In-Tensorflow
Implementation of a Spiking Neural Network in Tensorflow.
text-classification-surveys
文本分类资源汇总,包括深度学习文本分类模型,如SpanBERT、ALBERT、RoBerta、Xlnet、MT-DNN、BERT、TextGCN、MGAN、TextCapsule、SGNN、SGM、LEAM、ULMFiT、DGCNN、ELMo、RAM、DeepMoji、IAN、DPCNN、TopicRNN、LSTMN 、Multi-Task、HAN、CharCNN、Tree-LSTM、DAN、TextRCNN、Paragraph-Vec、TextCNN、DCNN、RNTN、MV-RNN、RAE等,浅层学习模型,如LightGBM 、SVM、XGboost、Random Forest、C4.5、CART、KNN、NB、HMM等。介绍文本分类数据集,如MR、SST、MPQA、IMDB、Yelp、20NG、AG、R8、DBpedia、Ohsumed、SQuAD、SNLI、MNLI、MSRP、MRDA、RCV1、AAPD,评价指标,如accuracy、Precision、Recall、F1、EM、MRR、HL、Micro-F1、Macro-F1、P@K,和技术挑战,包括多标签文本分类。
zhouzhou773's Repositories
zhouzhou773/Deep-Reinforcement-Learning-Algorithms-with-PyTorch
PyTorch implementations of deep reinforcement learning algorithms and environments
zhouzhou773/text-classification-surveys
文本分类资源汇总,包括深度学习文本分类模型,如SpanBERT、ALBERT、RoBerta、Xlnet、MT-DNN、BERT、TextGCN、MGAN、TextCapsule、SGNN、SGM、LEAM、ULMFiT、DGCNN、ELMo、RAM、DeepMoji、IAN、DPCNN、TopicRNN、LSTMN 、Multi-Task、HAN、CharCNN、Tree-LSTM、DAN、TextRCNN、Paragraph-Vec、TextCNN、DCNN、RNTN、MV-RNN、RAE等,浅层学习模型,如LightGBM 、SVM、XGboost、Random Forest、C4.5、CART、KNN、NB、HMM等。介绍文本分类数据集,如MR、SST、MPQA、IMDB、Yelp、20NG、AG、R8、DBpedia、Ohsumed、SQuAD、SNLI、MNLI、MSRP、MRDA、RCV1、AAPD,评价指标,如accuracy、Precision、Recall、F1、EM、MRR、HL、Micro-F1、Macro-F1、P@K,和技术挑战,包括多标签文本分类。
zhouzhou773/116837
Reward modulated STDP (Legenstein et al. 2008)
zhouzhou773/awesome-neural-adaptation-in-NLP
Awesome Neural Adaptation in Natural Language Processing. A curated list. https://arxiv.org/abs/2006.00632
zhouzhou773/bindsnet
Simulation of spiking neural networks (SNNs) using PyTorch.
zhouzhou773/bindsnet_experiments
Collection of experimental Python and accompanying Bash scripts for training and evaluation of BindsNET networks.
zhouzhou773/Capsule4TextClassification
Sequence Encoding via Dynamic Routing for Text Classification
zhouzhou773/Chinese-BERT-wwm
Pre-Training with Whole Word Masking for Chinese BERT(中文BERT-wwm系列模型)
zhouzhou773/easy-rl
强化学习中文教程,在线阅读地址:https://datawhalechina.github.io/easy-rl/
zhouzhou773/fly_superspike
Based on https://github.com/fzenke/pub2018superspike
zhouzhou773/Journal-Information
The information of computer journal
zhouzhou773/LISNN
Code for the model presented in the paper "LISNN: Improving Spiking Neural Networks with Lateral Interactions for Robust Object Recognition."
zhouzhou773/lm-snn
Using spiking neurons and spike-timing-dependent plasticity to classify the MNIST handwritten digits.
zhouzhou773/n3ml
Neuromorphic Neural Network Machine Learning
zhouzhou773/PySNN
Efficient Spiking Neural Network framework, built on top of PyTorch for GPU acceleration
zhouzhou773/pytorch-a2c-ppo-acktr-gail
PyTorch implementation of Advantage Actor Critic (A2C), Proximal Policy Optimization (PPO), Scalable trust-region method for deep reinforcement learning using Kronecker-factored approximation (ACKTR) and Generative Adversarial Imitation Learning (GAIL).
zhouzhou773/reinforcement-learning-stanford
🕹️ CS234: Reinforcement Learning, Winter 2019 | YouTube videos 👉
zhouzhou773/Reinforcement_learning_tutorial_with_demo
Reinforcement Learning Tutorial with Demo: DP (Policy and Value Iteration), Monte Carlo, TD Learning (SARSA, QLearning), Function Approximation, Policy Gradient, DQN, Imitation, Meta Learning, Papers, Courses, etc..
zhouzhou773/Resume_SNN
training SNN with Resume algorithm
zhouzhou773/RL-Adventure
Pytorch Implementation of DQN / DDQN / Prioritized replay/ noisy networks/ distributional values/ Rainbow/ hierarchical RL
zhouzhou773/rm-stdp
Reward modulated Spike-Timing Dependent Plasticity
zhouzhou773/S4NN
Temporal backpropagation for spiking neural networks with one spike per neuron, by S. R. Kheradpisheh and T. Masquelier, International Journal of Neural Systems (2020), doi: 10.1142/S0129065720500276
zhouzhou773/senticnetapi
Simple API to use SenticNet
zhouzhou773/spikingjelly
SpikingJelly is an open-source deep learning framework for Spiking Neural Network (SNN) based on PyTorch.
zhouzhou773/spytorch
Tutorial for surrogate gradient learning in spiking neural networks
zhouzhou773/SuperSpike_tutorial
Following Friedemann Zenke's tutorial on training spiking networks with surrogate gradients from https://github.com/fzenke/spytorch
zhouzhou773/text_gcn
Graph Convolutional Networks for Text Classification. AAAI 2019
zhouzhou773/torchneuromorphic
Datasets recorded from Neuromorphic Sensors or Conversions using Simulations of Sensors
zhouzhou773/Towards-a-Biologically-Plausible-Backprop
zhouzhou773/transformers
🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.