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

GitHub topics: bidaf

allenai/bi-att-flow

Bi-directional Attention Flow (BiDAF) network is a multi-stage hierarchical process that represents context at different levels of granularity and uses a bi-directional attention flow mechanism to achieve a query-aware context representation without early summarization.

Language: Python - Size: 92.7 MB - Last synced at: 13 days ago - Pushed at: almost 2 years ago - Stars: 1,536 - Forks: 681

Sshanu/Bidirectional-Attention-Flow-for-Machine-Comprehension

Machine Comprehension using Squad and Triviqa Data sets

Language: Jupyter Notebook - Size: 98.4 MB - Last synced at: 19 days ago - Pushed at: over 7 years ago - Stars: 8 - Forks: 4

ElizaLo/Question-Answering-based-on-SQuAD Fork of gauthierdmn/question_answering

Question Answering System using BiDAF Model on SQuAD v2.0

Language: Python - Size: 7.27 MB - Last synced at: 3 months ago - Pushed at: over 4 years ago - Stars: 25 - Forks: 27

francidellungo/NeuralNet_for_MachineComprehension

Answering a query about a given context paragraph using a model based on recurrent neural networks and attention.

Language: Python - Size: 1.34 MB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 2 - Forks: 1

a7madKaddour/BiDAF

Implementation of the Bi-Directional Attention Flow Model (BiDAF) in Python using Keras

Language: Python - Size: 9.52 MB - Last synced at: 12 months ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

stevezheng23/reading_comprehension_tf

Machine Reading Comprehension in Tensorflow

Language: Python - Size: 1.44 MB - Last synced at: about 1 year ago - Pushed at: almost 6 years ago - Stars: 38 - Forks: 8

tangbinh/question-answering

Language: Python - Size: 33.2 KB - Last synced at: 5 months ago - Pushed at: over 6 years ago - Stars: 30 - Forks: 3

ParikhKadam/bidaf-keras 📦

Bidirectional Attention Flow for Machine Comprehension implemented in Keras 2

Language: Python - Size: 218 KB - Last synced at: 2 days ago - Pushed at: over 2 years ago - Stars: 64 - Forks: 21

AmishaSomaiya/MLProjects_UWSeattle

ML Projects and Experience in Industry and Academia.

Size: 5.46 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 5 - Forks: 0

shiningliang/MRC2018

2018百度机器阅读理解技术竞赛

Language: Python - Size: 10 MB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 167 - Forks: 51

kushalj001/pytorch-question-answering

Important paper implementations for Question Answering using PyTorch

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

eitanhaimashiah/multibidaf

Multiple Sentences Bi-directional Attention Flow (Multi-BiDAF) network is a model designed to fit the BiDAF model of Seo et al. (2017) for the Multi-RC dataset. This implementation is built on the AllenNLP library.

Language: Python - Size: 92.3 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 9 - Forks: 1

yanx27/DuReader_QANet_BiDAF

Using QANet and BiDAF on DuReader datasets

Language: Python - Size: 71.8 MB - Last synced at: 15 days ago - Pushed at: almost 6 years ago - Stars: 36 - Forks: 8

nihal-rao/squad Fork of minggg/squad

BiDAF reading comprehension model with Answer Pointer head.

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

iafarhan/improved-QANet

This is BIDAF mechanism based question answering network implementation without using and pretrained language representations.

Language: Python - Size: 84 KB - Last synced at: about 1 year ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

dksifoua/Question-Answering

State of the art of Neural Question Answering using PyTorch.

Language: Python - Size: 1.66 MB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 4 - Forks: 2

utahnlp/layer_augmentation_qa

Implementation of the machine comprehension model in our ACL 2019 paper: Augmenting Neural Networks with First-order Logic.

Language: Python - Size: 16.7 MB - Last synced at: 5 months ago - Pushed at: over 4 years ago - Stars: 5 - Forks: 1

Wadaboa/squad-question-answering

Question answering on the SQuAD dataset, for NLP class at UNIBO

Language: Jupyter Notebook - Size: 35.9 MB - Last synced at: about 1 month ago - Pushed at: about 4 years ago - Stars: 3 - Forks: 0

tomassykora/bidaf-question-answering

Bi-Directional Attention Flow (BiDAF) question answering model enhanced by multi-layer convolutional neural network character embeddings.

Language: Python - Size: 9.97 MB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 3 - Forks: 0

jerrylzy/SQuAD-QANet

We implemented QANet from scratch and improved baseline BiDAF. We also used an ensemble of BiDAF and QANet models to achieve EM/F1 of 69.47/71.96, ranking #3 on the leaderboard as of Mar 4, 2022.

Language: Jupyter Notebook - Size: 10 MB - Last synced at: 4 months ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

josemarcosrf/BiDAF-example-notebook

Usage example for the AllenNLP BiDAF pre-trained model

Language: Jupyter Notebook - Size: 2.93 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 3

Chiang97912/BiDAF

BI-DIRECTIONAL ATTENTION FLOW FOR MACHINE COMPREHENSION

Language: Python - Size: 8.79 KB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 3 - Forks: 0

ahmedhajyahmed/BiDAF_pytorch

Implementing the Bidirectional Attention Flow model using pytorch

Language: Python - Size: 9.61 MB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 2

ddxue/attn-net-squad

CS224N, Stanford, Winter 2018

Language: Jupyter Notebook - Size: 5.98 MB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 1 - Forks: 2

Related Keywords
bidaf 24 question-answering 13 nlp 10 squad 10 pytorch 8 natural-language-processing 7 deep-learning 5 qanet 5 attention-mechanism 5 machine-comprehension 4 tensorflow 4 reading-comprehension 3 drqa 3 machine-reading-comprehension 3 convolutional-neural-networks 3 neural-networks 3 attention 3 natural-language-understanding 3 machine-learning 3 self-attention 3 qa 2 transformer 2 attention-model 2 bidaf-pytorch 2 neural-network 2 keras 2 nlp-machine-learning 2 python 2 r-net 2 recurrent-neural-networks 2 allennlp 2 sentence-piece-tokenizer 1 unsupervised-domain-adaptation 1 stereo-lidar-sensor-fusion 1 sim-to-real 1 self-supervised-learning 1 spacy 1 cs224n 1 dureader 1 multirc 1 xgboost 1 zero-shot-training 1 tutorial 1 squad-dataset 1 paper-implementations 1 pytorch-implementation 1 pytorch-tutorial 1 pre-trained-language-models 1 notebook 1 example 1 character-embeddings 1 batch-normalization 1 unibo 1 transformers 1 huggingface 1 electra 1 bert 1 first-order-logic 1 elmo 1 acl2019 1 rnet 1 kubernetes 1 kubeflow 1 jenkins 1 docker 1 representation-learning 1 artificial-intelligence 1 word-embeddings 1 glove 1 bidirectional-lstm 1 python-3-6 1 nlp-datasets 1 query-to-context-attention 1 pos-embedding 1 part-of-speech-tagger 1 part-of-speech-embdding 1 part-of-speech 1 memen 1 machine 1 lstm 1 highway-network 1 context-to-query-attention 1 comprehension 1 character-level-cnn 1 bidaf-pos 1 raw-sensor-data 1 mlops 1 ml-for-robotics 1 lidar-point-clouds 1 interative-data-visualization 1 github-actions 1 dockers 1 contrastive-learning 1 computer-vision 1 character-embedded-cnn 1 python3 1 neuralnetwork 1 neural-nets 1 machine-intelligence 1 keras-tensorflow 1