An open API service providing repository metadata for many open source software ecosystems.

GitHub topics: memory-networks

brightmart/text_classification

all kinds of text classification models and more with deep learning

Language: Python - Size: 14.1 MB - Last synced at: 17 days ago - Pushed at: over 1 year ago - Stars: 7,905 - Forks: 2,569

IGITUGraz/MemoryDependentComputation

Code for Limbacher, T., Özdenizci, O., & Legenstein, R. (2022). Memory-enriched computation and learning in spiking neural networks through Hebbian plasticity. arXiv preprint arXiv:2205.11276.

Language: Python - Size: 3.63 MB - Last synced at: 13 days ago - Pushed at: about 2 years ago - Stars: 7 - Forks: 3

domluna/memn2n

End-To-End Memory Network using Tensorflow

Language: Python - Size: 72.3 KB - Last synced at: 21 days ago - Pushed at: about 8 years ago - Stars: 342 - Forks: 132

kgelli/NLP-QA-Chatbot

A neural network chatbot that answers questions about stories using memory networks trained on the Facebook Babi dataset.

Language: Jupyter Notebook - Size: 1.69 MB - Last synced at: about 1 month ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

chaitjo/personalized-dialog 📦

Code for the paper 'Personalization in Goal-oriented Dialog' (NeurIPS 2017 Conversational AI Workshop)

Language: Python - Size: 1.02 GB - Last synced at: 12 days ago - Pushed at: about 5 years ago - Stars: 132 - Forks: 46

xiaojieli0903/FGKVMemPred_video

Official repository of the "Fine-grained Key-Value Memory Enhanced Predictor for Video Representation Learning" (ACM MM 2023)

Language: Python - Size: 2.79 MB - Last synced at: 15 days ago - Pushed at: 10 months ago - Stars: 23 - Forks: 0

EagleW/PaperRobot

Code for PaperRobot: Incremental Draft Generation of Scientific Ideas

Language: Python - Size: 63.8 MB - Last synced at: 5 months ago - Pushed at: about 1 year ago - Stars: 473 - Forks: 134

david-wb/neural-turing-machine

A minimal implementation of NTM with detailed explanation

Language: Python - Size: 71.3 KB - Last synced at: 28 days ago - Pushed at: almost 5 years ago - Stars: 7 - Forks: 3

IGITUGraz/H-Mem

Code for Limbacher, T. and Legenstein, R. (2020). H-Mem: Harnessing synaptic plasticity with Hebbian Memory Networks

Language: Python - Size: 45.9 KB - Last synced at: 21 days ago - Pushed at: almost 3 years ago - Stars: 13 - Forks: 4

heydarimo/Deep-Learning-and-Neural-Networks-Course

This repository contains materials and course projects during attending the Intelligent Systems Course, for more detailed information please have a look at my Final_Report files which have been separately uploaded for each of the projects and consist of all required information about the implementations, analyses, and anything else you may concern about that!

Language: Jupyter Notebook - Size: 14.2 MB - Last synced at: 8 months ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

ganeshjawahar/mem_absa

Aspect Based Sentiment Analysis using End-to-End Memory Networks

Language: Python - Size: 414 KB - Last synced at: 11 months ago - Pushed at: about 7 years ago - Stars: 200 - Forks: 104

aykutaaykut/Memory-Networks

Re-implementation of Memory Networks (MemNN) paper of Facebook AI Research Lab.

Language: Julia - Size: 15.3 MB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 12 - Forks: 1

Kurdzik/Memory-Networks-implementation

Repository containing implementation of Memory Networks neural net architecture (Predecessor of transformer architecture)

Language: Python - Size: 1.77 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

dair-iitd/BossNet

BossNet: Disentangling Language and Knowledge in Task Oriented Dialogs

Language: Python - Size: 278 KB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 16 - Forks: 3

lc222/key-value-MemNN

“Key-Value Memory Networks for Directly Reading Documents”的tensorflow实现方案,使用的数据集是MovieQA

Language: Python - Size: 77.5 MB - Last synced at: over 1 year ago - Pushed at: about 7 years ago - Stars: 42 - Forks: 16

siyuanzhao/automated-essay-grading

Source code for the paper A Memory-Augmented Neural Model for Automated Grading

Language: Python - Size: 136 KB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 113 - Forks: 43

hugochan/BAMnet

Code & data accompanying the NAACL 2019 paper "Bidirectional Attentive Memory Networks for Question Answering over Knowledge Bases"

Language: Python - Size: 1.15 MB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 173 - Forks: 36

Floki678/Data-encryption-decryption-using-Bidirectional-Auto-associative-Memory

Language: Python - Size: 18.6 KB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 3 - Forks: 1

zhuango/MNM

An implementation of Memory Networks Model (MNM) for protein-protein extraction task

Language: Python - Size: 45 MB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 4 - Forks: 1

RUSH-LAB/LSH_Memory

One-Shot Learning using Nearest-Neighbor Search (NNS) and Locality-Sensitive Hashing LSH

Language: Python - Size: 24.4 KB - Last synced at: over 1 year ago - Pushed at: almost 7 years ago - Stars: 70 - Forks: 18

prateekagarwal3/KV-Profile-Memory-pytorch

Key-Value Memory Networks in PyTorch

Language: Python - Size: 18.6 KB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 5 - Forks: 1

shuuchen/keras_mn

A Keras implementation of end-2-end memory networks https://arxiv.org/pdf/1503.08895.pdf

Language: Python - Size: 146 KB - Last synced at: almost 2 years ago - Pushed at: over 7 years ago - Stars: 3 - Forks: 3

rdspring1/LSH_Memory

One-Shot Learning using Nearest-Neighbor Search (NNS) and Locality-Sensitive Hashing LSH

Language: Python - Size: 40 KB - Last synced at: 23 days ago - Pushed at: almost 8 years ago - Stars: 2 - Forks: 2

rupesh11101999/automated-essay-grading-siyuanzhao Fork of siyuanzhao/automated-essay-grading

Source code for the paper A Memory-Augmented Neural Model for Automated Grading

Size: 136 KB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0

sandrobarna/pytorch_memn2n

PyTorch implementation of the End-to-End Memory Network with attention layer vizualisation support.

Language: Jupyter Notebook - Size: 602 KB - Last synced at: over 1 year ago - Pushed at: almost 7 years ago - Stars: 12 - Forks: 5

SpringerNLP/Chapter9

Chapter 9: Attention and Memory Augmented Networks

Language: Jupyter Notebook - Size: 13 MB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 12 - Forks: 4

lordtt13/Advanced-NLP

Recurrent Neural Networks and their fun little usage

Language: Python - Size: 128 KB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 0

JingweiZuo/GCN-M

Repository for the paper "Graph Convolutional Networks for Traffic Forecasting with Missing Values" in DMKD'22

Language: Python - Size: 88.9 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 4 - Forks: 1

sourcecode369/deep-natural-language-processing

Curated implementation notebooks and scripts of deep learning based natural language processing tasks and challenges in TensorFlow.

Language: Jupyter Notebook - Size: 24.1 MB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 8 - Forks: 10

IamAdiSri/cmn4recosys

Collaborative Memory Networks for Recommendation Systems, implementation in PyTorch

Language: Jupyter Notebook - Size: 92.9 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 12 - Forks: 1

cszhangzhen/TigeCMN

Learning Temporal Interaction Graph Embedding via Coupled Memory Networks (WWW-2020)

Language: Python - Size: 5.14 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 6 - Forks: 2

andreamad8/Mem2Seq Fork of HLTCHKUST/Mem2Seq

Mem2Seq: Effectively Incorporating Knowledge Bases into End-to-End Task-Oriented Dialog Systems

Language: Python - Size: 7.81 MB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 4 - Forks: 0

zengjichuan/DTDMN

Dynamic Dynamic Topic-Discourse Memory Networks (DTDMN)

Language: Python - Size: 4 MB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 7 - Forks: 1

ElefHead/aspect-based-sentiment-analysis

Given an aspect term in a sentence, predict the sentiment label for the aspect term

Language: Python - Size: 448 KB - Last synced at: about 2 years ago - Pushed at: almost 7 years ago - Stars: 5 - Forks: 8

anantzoid/Recurrent-Entity-Networks-pytorch

Pytorch implementation of "Tracking the World State with Recurrent Entity Networks"

Language: Python - Size: 67.4 KB - Last synced at: 25 days ago - Pushed at: over 6 years ago - Stars: 2 - Forks: 3

abhoi/memnet-absa

Language: Python - Size: 36.2 MB - Last synced at: 16 days ago - Pushed at: almost 7 years ago - Stars: 2 - Forks: 2

Related Keywords
memory-networks 36 deep-learning 16 pytorch 8 tensorflow 7 nlp 6 neural-networks 6 attention-mechanism 5 machine-learning 4 sentiment-analysis 4 recurrent-neural-networks 4 babi-tasks 3 classification 3 keras 3 question-answering 3 aspect-based-sentiment-analysis 2 zero-shot-learning 2 locality-sensitive-hashing 2 kaggle-competition 2 glove 2 automated-essay-scoring 2 end-to-end-learning 2 chatbots 2 chatbot 2 python 2 text-classification 2 hebbian-learning 2 gated-recurrent-units 1 traffic-forecasting 1 missing-values 1 graph-convolutional-networks 1 seq2seq-tensorflow 1 multivariate-regression 1 bidirectional-lstm 1 recurrent-entity-networks 1 nmt 1 neural-machine-translation 1 end-to-end-memory-networks 1 dynamic-memory-network 1 differentiable-neural-computer 1 bahdanau-attention 1 dialogue-systems 1 attention-visualization 1 python3 1 pytorch-implementation 1 key-value-memory-networks 1 textcnn 1 lsh-memory 1 textrnn 1 protein-protein-interaction 1 cnn 1 text-mining 1 opinion-mining 1 natural-language-understanding 1 natural-language-processing 1 memnet 1 lstm 1 data-mining 1 topic-models 1 discourse 1 argumentation-mining 1 memory-network 1 temporal-interaction-network 1 graph-embedding 1 recommendation-system 1 word-embeddings 1 transformer-architecture 1 text-summarization 1 seq2seq-model 1 natural-language-tasks 1 music-generation 1 machine-translation 1 long-short-term-memory-models 1 language-modeling 1 image-classification 1 image-captioning 1 anns 1 adaline 1 tensorflow-experiments 1 neural-turing-machines 1 memory-augmented-neural-networks 1 text-generation 1 fasttext 1 paper-generation 1 natural-language-generation 1 generation 1 one-shot-learning 1 datasets 1 video-representation-learning 1 self-supervised-learning 1 dictionary-learning 1 contrative- 1 personalization 1 dialog 1 dataset 1 pythorch 1 multi-class 1 multi-label 1 spiking-neural-networks 1 reinforcement-learning 1 prior-knowledge 1