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

GitHub topics: question-generation

Bazinga23451/semantic-qa-gen

A Python library for generating high-quality question-answer pairs from PDF, DOCX, MD, and TXT files

Language: Python - Size: 118 KB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 0 - Forks: 0

beir-cellar/beir

A Heterogeneous Benchmark for Information Retrieval. Easy to use, evaluate your models across 15+ diverse IR datasets.

Language: Python - Size: 38.9 MB - Last synced at: 6 days ago - Pushed at: 3 months ago - Stars: 1,793 - Forks: 205

Shaun-le/ViQG

This paper introduces a systematic and large-scale study of the Vietnamese question generation task. Different from prior work that only investigates the task with a small number (1-2) of datasets, the study reports the performance of question generation models on a wide range of Vietnamese machine reading comprehension corpora in different setting

Language: Python - Size: 13.7 KB - Last synced at: 8 days ago - Pushed at: 8 days ago - Stars: 10 - Forks: 4

StephenGenusa/semantic-qa-gen

A Python library for generating high-quality question-answer pairs from PDF, DOCX, MD, and TXT files

Language: Python - Size: 140 KB - Last synced at: 9 days ago - Pushed at: 9 days ago - Stars: 2 - Forks: 0

ramsrigouthamg/Questgen.ai

Question generation using state-of-the-art Natural Language Processing algorithms

Language: Python - Size: 10.7 MB - Last synced at: 4 days ago - Pushed at: over 1 year ago - Stars: 931 - Forks: 299

MuhammadSulaiman001/Master-MCQ

Automatic Question Generation (MCQ, Arabic/English)

Size: 17.4 MB - Last synced at: 17 days ago - Pushed at: 17 days ago - Stars: 3 - Forks: 0

asahi417/lm-question-generation

Multilingual/multidomain question generation datasets, models, and python library for question generation.

Language: Python - Size: 86.4 MB - Last synced at: 5 days ago - Pushed at: 9 months ago - Stars: 351 - Forks: 37

jantrienes/InfoLossQA

InfoLossQA: Characterizing and Recovering Information Loss in Text Simplification

Language: Jupyter Notebook - Size: 24.6 MB - Last synced at: 12 days ago - Pushed at: 9 months ago - Stars: 8 - Forks: 0

patil-suraj/question_generation

Neural question generation using transformers

Language: Jupyter Notebook - Size: 270 KB - Last synced at: 30 days ago - Pushed at: about 1 year ago - Stars: 1,127 - Forks: 349

artitw/text2text

Text2Text Language Modeling Toolkit

Language: Python - Size: 870 KB - Last synced at: 2 days ago - Pushed at: 4 months ago - Stars: 300 - Forks: 38

obss/turkish-question-generation

Automated question generation and question answering from Turkish texts using text-to-text transformers

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

teacherpeterpan/Question-Generation-Paper-List

A summary of must-read papers for Neural Question Generation (NQG)

Size: 68.4 KB - Last synced at: 8 days ago - Pushed at: over 3 years ago - Stars: 586 - Forks: 78

KristiyanVachev/Question-Generation

Generating multiple choice questions from text using Machine Learning.

Language: Jupyter Notebook - Size: 19.2 MB - Last synced at: 8 days ago - Pushed at: about 1 year ago - Stars: 490 - Forks: 116

AMontgomerie/question_generator 📦

An NLP system for generating reading comprehension questions

Language: Python - Size: 108 KB - Last synced at: 7 days ago - Pushed at: over 1 year ago - Stars: 288 - Forks: 74

azuregray/AutoQPGen-2.0

This is the independent drastically improved version of my B.E. final year project AutoQPGen with on-device AI using Ollama Engine and responsive web UI using Streamlit.

Language: HTML - Size: 1.76 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

Pavansomisetty21/Transforming-Webpages-into-Knowledge-Advanced-NLP-Insights-with-LLMs-and-LangChain-

In this Project We perform NLP tasks like QA Pair Generation, Question Answering, Text Summarization and Data Extraction from webpages using Large Language Models (Like Gemini ) and Langchain

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

KristiyanVachev/Leaf-Question-Generation

Easy to use and understand multiple-choice question generation algorithm using T5 Transformers.

Language: Jupyter Notebook - Size: 185 KB - Last synced at: about 1 month ago - Pushed at: about 3 years ago - Stars: 135 - Forks: 32

PragatiVerma18/MLH-Quizzet

This is a smart Quiz Generator that generates a dynamic quiz from any uploaded text/PDF document using NLP. This can be used for self-analysis, question paper generation, and evaluation, thus reducing human effort.

Language: Python - Size: 111 KB - Last synced at: 29 days ago - Pushed at: 2 months ago - Stars: 88 - Forks: 32

RUCAIBox/MVP

This repository is the official implementation of our paper MVP: Multi-task Supervised Pre-training for Natural Language Generation.

Size: 77.6 MB - Last synced at: 3 days ago - Pushed at: over 2 years ago - Stars: 72 - Forks: 5

muchad/qaqg

Indonesian Question Answering and Question Generation using Transformers

Language: Python - Size: 12.8 MB - Last synced at: about 1 month ago - Pushed at: 11 months ago - Stars: 9 - Forks: 0

MohammedAly22/GenQuest-RAG

A Question Generation Application leveraging RAG and Weaviate vector store to be able to retrieve relative contexts and generate a more useful answer-aware questions

Language: Jupyter Notebook - Size: 397 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 10 - Forks: 1

Glavin001/Data2AITextbook

🚀 Automatically convert unstructured data into a high-quality 'textbook' format, optimized for fine-tuning Large Language Models (LLMs)

Language: Jupyter Notebook - Size: 3.85 MB - Last synced at: 28 days ago - Pushed at: over 1 year ago - Stars: 26 - Forks: 3

clovaai/FocusSeq2Seq

[EMNLP 2019] Mixture Content Selection for Diverse Sequence Generation (Question Generation / Abstractive Summarization)

Language: Python - Size: 1.75 MB - Last synced at: about 1 month ago - Pushed at: about 4 years ago - Stars: 113 - Forks: 20

Pavansomisetty21/Question-Answer-pair-Generation-using-GEMINI-LLM

In this we generate QA pairs from the paragraph content and pdf content

Language: Jupyter Notebook - Size: 23.4 KB - Last synced at: about 1 month ago - Pushed at: 4 months ago - Stars: 2 - Forks: 1

Franceshe/awesome-generative-models

A collection of awesome generative model papers, frameworks, libraries, software and resources for text, image, video, animation, code generation

Size: 62.5 KB - Last synced at: 12 days ago - Pushed at: almost 4 years ago - Stars: 24 - Forks: 2

kay-who-codes/CyberRewinds-Question-Game Fork of CyberRewind/Questions-Game-

An app, originally by CyberRewind, which generates questions for getting to know someone

Language: Python - Size: 21.5 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

2pa4ul2/MCQ-Quiz-Maker-NLP

Quizzable a quiz generator for short reviews with Spacy and NLTK

Language: Jupyter Notebook - Size: 31 MB - Last synced at: about 1 month ago - Pushed at: 11 months ago - Stars: 1 - Forks: 1

monk1337/Awesome-Question-Answering

Awesome Question Answering

Size: 55.7 KB - Last synced at: 5 days ago - Pushed at: over 2 years ago - Stars: 28 - Forks: 4

Ruban2205/question-generation

This repository provides a solution for generating detailed and thoughtful questions based on workout plans and evaluating their quality using the G-Eval metric. It is designed to assist fitness enthusiasts, trainers, and developers working with structured workout plans in improving the clarity, relevance, and usability of their questions.

Language: Python - Size: 3.83 MB - Last synced at: about 1 month ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

abi-antonio/instance-prompt-question-generation

Implementation of Instance-dependent prompting for Question Decomposition

Language: Python - Size: 407 KB - Last synced at: about 1 month ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

shrijayan/dataset_generator

This repository contains a system for generating question-answer pairs for FINE-TUNING LLMs from the data you have.

Language: Python - Size: 150 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 1 - Forks: 0

awslabs/unsupervised-qa

Template-Based Question Generation from Retrieved Sentences for Improved Unsupervised Question Answering

Language: Python - Size: 35.2 MB - Last synced at: 3 days ago - Pushed at: over 4 years ago - Stars: 57 - Forks: 10

liamdugan/summary-qg

Code for the ACL 2022 Paper "A Feasibility Study of Answer-Agnostic Question Generation for Education"

Language: Python - Size: 480 KB - Last synced at: about 1 month ago - Pushed at: almost 3 years ago - Stars: 17 - Forks: 6

amazon-science/sc2qa-dril

Code for Generating Self-Contained and Summary-Centric Question Answer Pairs via Differentiable Reward Imitation Learning, EMNLP 2021

Language: Python - Size: 218 KB - Last synced at: about 1 month ago - Pushed at: almost 2 years ago - Stars: 4 - Forks: 1

gift-exe/wonder-q-api

AI powered API for generating personalised study questions. All you have to do is to pass in your course material as a PDF file, and then question would be generated based on its content

Language: Python - Size: 7.08 MB - Last synced at: about 1 month ago - Pushed at: 10 months ago - Stars: 1 - Forks: 2

p208p2002/Neural-Question-Group-Generation

EQGG: Automatic Question Group Generation

Language: Python - Size: 1.6 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 6 - Forks: 0

emrecantural/Metin-Temelli-Soru-Uretme-ve-Sesli-Sinav-Sistemi

Proje, girilen İngilizce metinden sorular üretilmesi ve listening-reading-speaking egzersizleri yapılabilen bir programın tasarlanması ile oluşturulmuştur. Proje temelini Doğal Dil İşleme ve Sesli Komutları oluşturmaktadır.

Language: Python - Size: 27.3 KB - Last synced at: 10 months ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

agarwalishika/TreeInstruct

TreeInstruct is a novel method that uses state space estimation and dynamic tree-based questioning for multi-turn Socratic instruction, applied to code debugging.

Language: Python - Size: 242 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 6 - Forks: 2

MatousAc/qag

this is a repository for question and answer generation (QAG). here we train answer extraction (AE) and question generation (QG) models. models with soon be publicly available at pbe.achybl.com

Language: Python - Size: 19.2 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

expertailab/SpaceQQuiz

Language: Python - Size: 29.4 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 1 - Forks: 0

orkhank/slides2questions

a tool to generate questions and answers from pdf files

Language: Python - Size: 93.8 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

AmmarHatiya/Undergraduate-Thesis

A study on Knowledge-based question generation from images. Undergraduate Thesis for 2023-2024.

Language: Python - Size: 36.2 MB - Last synced at: 7 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

codertimo/KorQuAD-Question-Generation

question generation model with KorQuAD dataset

Language: Python - Size: 913 KB - Last synced at: 29 days ago - Pushed at: over 3 years ago - Stars: 38 - Forks: 12

bernardoleite/question-generation-control

Question-Answer Generation Control for English, using the T5 model and Pytorch lightning. Training, inference and evaluation scripts included.

Language: Python - Size: 298 KB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 2 - Forks: 0

bernardoleite/fairytaleqa-translated

Code for paper "FairytaleQA Translated: Enabling Educational Question and Answer Generation in Less-Resourced Languages"

Language: Python - Size: 44.9 KB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

pjlintw/integrated-gradients

Implementation for Conditional Text GANs and Analysis with Integrated Gradients

Language: HTML - Size: 575 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

obada-jaras/Q-and-Arabic

Q&Arabic is an NLP framework that generates Arabic FAQs from a given material. The project uses deep learning models (BERT and T5) and includes a detailed report and brief presentation covering the system analysis, related work, and future plans.

Size: 32.7 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

umass-ml4ed/question-gen-aug-ranking

An original implementation of "Improving Reading Comprehension Question Generation with Data Augmentation and Overgenerate-and-rank" (ACL BEA workshop 2023)

Language: Python - Size: 5.52 MB - Last synced at: 12 months ago - Pushed at: over 1 year ago - Stars: 7 - Forks: 0

yaoxiaoyuan/mimix

Mimix: A Text Generation Tool and Pretrained Chinese Models

Language: Python - Size: 6.2 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 144 - Forks: 16

uds-lsv/unanswerable-question-generation

Code for the paper 'A Lightweight Method to Generate Unanswerable Questions in English' (Findings of EMNLP 2023)

Language: Python - Size: 67.5 MB - Last synced at: 11 months ago - Pushed at: about 1 year ago - Stars: 4 - Forks: 0

athlohangade/qa-system-using-tl-legal-domain

A Question Answering System built for answering specific questions on Indian Legal Acts following the Transfer Learning approach.

Language: Jupyter Notebook - Size: 28.1 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 2 - Forks: 1

MohammedAly22/WikiQuestar

An Answer-Aware Question Generation Application Using Wikipedia as the Knowledge Source. Using T5-small and Instruction Fine-Tuning to generate a wonderful answer-aware questions.

Language: Jupyter Notebook - Size: 38.1 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

bhattbhavesh91/question-generation-gpt3

This repository will guide you to generate questions from sentences using OpenAI's GPT3, Python and Gradio

Language: Jupyter Notebook - Size: 12.7 KB - Last synced at: 25 days ago - Pushed at: over 2 years ago - Stars: 7 - Forks: 2

1rsh/qa-genie

This is a package for generating questions and answers from unstructured data to be used for NLP tasks.

Language: Python - Size: 68.4 KB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 3 - Forks: 1

ujjax/question-generation

Neural Models for Key Phrase Detection and Question Generation

Language: Python - Size: 12.7 KB - Last synced at: about 1 year ago - Pushed at: over 7 years ago - Stars: 30 - Forks: 10

MilanaShhanukova/RZD_trainer

RZD assistant is a solution to teach train workers according to the context in the documents. The solution generates and answers the questions.

Language: Python - Size: 70.7 MB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

YisongMiao/Q-Title

Mining and Analyzing Questions from Research Paper TItles

Language: Python - Size: 2.31 MB - Last synced at: 7 days ago - Pushed at: about 4 years ago - Stars: 6 - Forks: 2

minhbtrc/BARTPho_question-generation

A Pipeline from data construction to model deployment for Question-generation task using BARTPho.

Language: Python - Size: 109 KB - Last synced at: 1 day ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

christianbitter/QA_and_QG

An inventory of data sets around Question Generation and Question Answering

Size: 4.88 KB - Last synced at: about 1 year ago - Pushed at: about 6 years ago - Stars: 21 - Forks: 4

itslasagne/betches

A detailed study on enhancing the working of an Automated Question Generation & Answering system in a real-time environment. Also, the paper gives a glimpse of bringing this system to freeware like WhatsApp.

Language: Jupyter Notebook - Size: 29.7 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 1

TiloMichel/textgen-for-chatbot-training-german

Language: Jupyter Notebook - Size: 4.71 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 5 - Forks: 0

chingu-voyages/v46-tier3-team-39

This app allows users to auto-generate unlimited exam preparation questions, based off their own, or a community created question.

Language: TypeScript - Size: 29.8 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

capturemathan/ReviseWithMe

Embrace your Partner In Studies

Language: Java - Size: 3.66 MB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 4

purang2/Report-Summarization

Summarize Long Document with Pretrained sequence-to-sequence LM with long-range attention!

Size: 145 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

ashishmodi27/Automatic-Question-Generation-From-Test-Using-NLP

A Machine Learning Project Using Python and PHP

Language: PHP - Size: 105 KB - Last synced at: over 1 year ago - Pushed at: about 7 years ago - Stars: 3 - Forks: 3

riccardodm97/QA-QG

Question Answering and Question Generation NLP tasks on the SQuAD v1.1 dataset

Language: Python - Size: 11.7 MB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 5 - Forks: 2

hugochan/RL-based-Graph2Seq-for-NQG

Code & data accompanying the ICLR 2020 paper "Reinforcement Learning Based Graph-to-Sequence Model for Natural Question Generation"

Language: Python - Size: 5.94 MB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 119 - Forks: 19

wangfin/QAsystem

Intelligent Q&A system(第七届中软杯,智能问答系统)

Language: HTML - Size: 98.4 MB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 144 - Forks: 56

leungkean/Group-Project

Language: Python - Size: 1.16 GB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

pedroandreou/MCQs-DistractorsGenerator-NLP

An end-to-end solution on how MCQs can be generated using T5 transformer model, word embeddings and decoding strategies

Language: Jupyter Notebook - Size: 59.6 KB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

osainz59/AQGSAS

Automatic Question Generation and Short Answer Scoring system

Language: Python - Size: 298 KB - Last synced at: about 1 month ago - Pushed at: almost 5 years ago - Stars: 7 - Forks: 1

d-e-h-i-o/german-qg

German Question Generation with machine learning models

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

tshrjn/qgen

Question generation from Reading Comprehension

Language: Jupyter Notebook - Size: 1.04 MB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 20 - Forks: 5

NCHU-NLP-Lab/querator

🙋🏻💬 Question Generation Demo Platform in Web Interface

Language: JavaScript - Size: 17.5 MB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 4 - Forks: 1

Tiwari-Pranav/Culinary-Query

The Culinary Query is an AI-Enhanced Menu Item Question Generator for training purpose's built using Django REST Framework and OpenAI's API

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

bernardoleite/question-generation-t5-pytorch-lightning

Question Generation for English and Portuguese, using the T5 model, Transformers and Pytorch lightning. Training, inference and evaluation scripts included.

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

antoyang/just-ask

[ICCV 2021 Oral + TPAMI] Just Ask: Learning to Answer Questions from Millions of Narrated Videos

Language: Jupyter Notebook - Size: 917 KB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 98 - Forks: 13

hugochan/Graph2Seq-for-KGQG

Code & data accompanying the paper "Toward Subgraph Guided Knowledge Graph Question Generation with Graph Neural Networks"

Language: Python - Size: 7.25 MB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 40 - Forks: 13

teacherpeterpan/Zero-shot-Fact-Verification

Codes for ACL-IJCNLP 2021 Paper "Zero-shot Fact Verification by Claim Generation"

Language: Python - Size: 1.31 MB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 53 - Forks: 8

salesforce/nnd_evaluation

Code for the EMNLP 2022 paper: Near-Negative Distinction

Language: Jupyter Notebook - Size: 34.2 KB - Last synced at: 27 days ago - Pushed at: over 2 years ago - Stars: 7 - Forks: 1

Seoneun/T5-Question-Generation

SQuAD Question Generation module based on T5-large

Language: Python - Size: 479 KB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 11 - Forks: 1

iwangjian/TG-ClariQ

[CIKM'2021] Template-guided Clarifying Question Generation for Web Search Clarification.

Language: Python - Size: 42.6 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 6 - Forks: 1

Shashwath-kumar/Question-Generation-by-Asking-Questions

Unofficial implementation of the paper: Learning to Generate Question by Asking Question: A Primal-Dual Approach with Uncommon Word Generation

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

Zaaachary/QuestionGeneration

Chinese question generation, dureaderQG dataset

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

Erhtric/neural-question-generation

This is the repo for the project in Natural Language Processing at @unibo. In this repo we try to tackle the question generation problem by using a Seq2Seq network.

Language: Jupyter Notebook - Size: 31.9 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 3 - Forks: 2

IuriiD/memorate

Generate multiple choice questions to a text or Youtube videos. Python, streamlit.io, OpenAI Completion API

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

obada-jaras/Arabic-QA-Datasets

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

badripatro/Visual_Question_Generation

Torch code for Visual Question Generation

Language: Lua - Size: 8.71 MB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 13 - Forks: 0

Seoneun/KoBART-Question-Generation

KorQuAD Korean domain Question Generation module based on KoBART

Language: Python - Size: 1.06 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 21 - Forks: 1

AsianZeus/Recommendation-System-with-Personality-Evaluation-and-User-Embeddings

This repository contains recommendation system for dating apps based on personality evaluation by automatic question generation and sentiment + zero shot classification and user embeddings based on swipe history, made with FastAPI, validated by Pydantic Models

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

YuxiXie/SG-Deep-Question-Generation

This repository contains code and models for the paper: Semantic Graphs for Generating Deep Questions (ACL 2020).

Language: Python - Size: 1.3 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 71 - Forks: 31

p208p2002/Transformer-QG-on-SQuAD

Implement Question Generator with SOTA pre-trained Language Models (RoBERTa, BERT, GPT, BART, T5, etc.)

Language: Python - Size: 98.6 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 32 - Forks: 2

ngwgsang/vqda

vqda is to provide data augmentation methods for Vietnamese questions.

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

Yifan-Gao/conversational-QG

[ACL 2019]: Interconnected Question Generation with Coreference Alignment and Conversation Flow Modeling

Language: Python - Size: 63.6 MB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 83 - Forks: 20

zhangchengx/T5-Fine-Tuning-for-Question-Generation

T5 Fine-tuning on SQuAD Dataset for Question Generation

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

benywon/LALM

code and resource for ACL2021 paper 'Multi-Lingual Question Generation with Language Agnostic Language Model'

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

AdithyaSanyal/Voice-based-Personal-Assistant

A voice based personal assistant which has different functionalities right from voice based text, image retrieval, a chatbot to a text summarizer and an automatic question generator. Made by amalgamating different concepts of NLP and Machine Learning together

Language: Python - Size: 124 KB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

DRSY/DGen

Code for AAAI 2021 paper: Knowledge-Driven Distractor Generation for Cloze-Style Multiple Choice Questions

Language: Python - Size: 4.32 MB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 13 - Forks: 2

YuxiXie/RL-for-Question-Generation

This repository contains codes and models for the paper: Exploring Question-Specific Rewards for Generating Deep Questions (COLING 2020).

Language: Python - Size: 2.47 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 26 - Forks: 10

svjack/docvqa-gen

Question Answering dataset generator of Document Visual in English and Chinese

Language: Jupyter Notebook - Size: 106 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 4 - Forks: 0

Related Keywords
question-generation 138 question-answering 52 nlp 46 natural-language-processing 26 deep-learning 18 transformers 17 machine-learning 17 pytorch 12 question-generator 11 natural-language-generation 11 bert 10 t5 10 text-generation 9 ai 9 nlg 8 nlp-machine-learning 7 seq2seq 7 summarization 7 python 7 llm 6 fine-tuning 6 bart 6 questions-and-answers 5 question-answer-generation 5 answer-generation 5 openai 5 rag 5 information-retrieval 4 vqa 4 visual-question-answering 4 flask 4 t5-model 4 quiz 4 visual-question-generation 3 reading-comprehension 3 pytorch-lightning 3 reinforcement-learning 3 vqg 3 mt5 3 ollama 3 sequence-to-sequence 3 transformer 3 dataset 3 openai-api 3 pre-trained-model 3 conversational-ai 3 dialogue-systems 2 emnlp-2018 2 question-answering-system 2 triplet-loss 2 natural-language-understanding 2 sense2vec 2 gpt2 2 ml 2 distractors 2 english 2 multimodel-network 2 prompt-engineering 2 question-answer 2 large-language-models 2 large-language-model 2 paraphrase-generation 2 paraphrase-identification 2 multimodal-learning 2 open-domain-qa 2 generative-ai 2 education 2 generation 2 answer-extraction 2 huggingface 2 gpt4all 2 lmstudio 2 story-generation 2 roberta 2 plm 2 multi-task-learning 2 dialog 2 python3 2 data-to-text 2 language-model 2 question-and-answer 2 tensorflow 2 javascript 2 sentiment-analysis 2 acl 2 llms 2 multilingual 2 spacy 2 gpt-3 2 graph2seq 2 graph-neural-networks 2 paraphrase 2 squad 2 transfer-learning 2 text-similarity 2 django 2 multi-lingual 2 question-gen 2 artificial-intelligence 2 paper-list 2