BUPT / clubber.ml

A.M.C. - Artificial Intelligence & Machine Learning CLUB: Friends for Code, Paper, and Beers!🍻
https://ai-ml.club
Apache License 2.0
121 stars 39 forks source link

A Script to Extract Papers from Old repo #110

Closed Duan-JM closed 5 years ago

Duan-JM commented 5 years ago

I have write a python script to extract information from the docs/papers, the following is the sample output.

The result form is <paper name> | <member> | <paper link> |, it will transform to the table automatically.

CODE

import os

PAPER_PATH = './papers' # the file save papers
OUTPUT_PATH = './paper_list'

FILE_LISTS = os.listdir('./papers')

RESULT = []
for file_name in FILE_LISTS:
    PATH = os.path.join(PAPER_PATH, file_name)
    with open(PATH, 'r') as f:
        lines = f.readlines()
        title = ""
        member = ""
        paper = ""
        for cur_line in lines:
            # content = cur_line.replace(' ','').split("|")
            content = cur_line.strip().split("|")
            if len(content) > 3:
                if "title" in content[1]:
                    title = content[2]
                if "member" in content[1]:
                    member = content[2]
                if "paper" in content[1] and "paperweekly" not in content[1]:
                    paper = content[2]
        RESULT.append(f"| {title} | {member} | {paper} |")

with open(OUTPUT_PATH, 'w') as f:
    for line in RESULT:
        f.writelines(line + '\n')

OUTPUT EXAMPLE

Paper Member
Theme and Sentiment Analysis Model of Public Opinion Dissemination based on Generative Adversarial Network @WEN6Lev57q4 https://drive.google.com/open?id=1ednMWMxJfrGdZEsPzI_fMNw8L1Tp5wel
Histograms of Oriented Gradients for Human Detection @vdeamov https://hal.inria.fr/file/index/docid/548512/filename/hog_cvpr2005.pdf
A Comprehensive Survey on Cross-modal Retrieval @cgpeter96 https://arxiv.org/abs/1607.06215
Distributed Representations of Words and Phrases and their Compositionality @TuringLee https://papers.nips.cc/paper/5021-distributed-representations-of-words-and-phrases-and-their-compositionality.pdf
Google’s Multilingual Neural Machine Translation System: Enabling Zero-Shot Translation @huan None
Learning to Compare: Relation Network for Few-Shot Learning @VDeamoV http://10.3.200.202/cache/2/03/openaccess.thecvf.com/d0a8b18c2009916407c2becbadc35bc7/Sung_Learning_to_Compare_CVPR_2018_paper.pdf
Learning to Compose Topic-Aware Mixture of Experts for Zero-shot Video Captioning @824zzy http://arxiv.org/abs/1811.02765
An overview of gradient descent optimization algorithms @cgpeter96 http://cn.arxiv.org/pdf/1803.10122.pdf
Scheduled Sampling for Sequence Prediction with Recurrent Neural Networks @824zzy https://arxiv.org/pdf/1506.03099.pdf
A Syntactic Neural Model for General-Purpose Code Generation @zecheng
Reading Wikipedia to Answer Open-Domain Questions @TuringLee https://arxiv.org/abs/1704.00051
Deep contextualized word representations @zwj277567959 https://arxiv.org/pdf/1802.05365.pdf
A Hierarchical Neural Autoencoder for Paragraphs and Documents @YapheeetS https://arxiv.org/pdf/1506.01057.pdf
travelgan-image-to-image-translation-by-transformation-vector-learning @VDeamoV https://arxiv.org/abs/1902.09631
improving question answering by commonsense-based pre-training @xiaoda99 https://arxiv.org/abs/1809.03568
Visual Question Answering:Datasets, Algorithms, and Future Challenges @824zzy http://cn.arxiv.org/pdf/1610.01465.pdf
Semantic Parsing via Staged Query Graph Generation:Question Answering with Knowledge Base @wyy0206
Auto Encoding Variational Bayes @824zzy https://arxiv.org/pdf/1312.6114.pdf
Convolutional Sequence to Sequence Learning @cgpeter96 https://arxiv.org/pdf/1705.03122.pdf
Dynamic Routing Between Capsules @824zzy http://cn.arxiv.org/pdf/1710.09829.pdf
Question Answering with Subgraph Embeddings @initc https://arxiv.org/pdf/1406.3676.pdf
Language Modeling with Gated Convolutional Networks @cgpeter96 https://arxiv.org/pdf/1612.08083.pdf
MACHINE COMPREHENSION USING MATCH-LSTM AND ANSWER POINTER @initc https://arxiv.org/pdf/1608.07905.pdf
Attention and Augmented Recurrent Neural Networks @huan https://distill.pub/2016/augmented-rnns/
Multimodal Convolutional Neural Networks for Matching Image and Sentence @cgpeter96 https://www.cv-foundation.org/openaccess/content_iccv_2015/papers/Ma_Multimodal_Convolutional_Neural_ICCV_2015_paper.pdf
World Models @824zzy http://cn.arxiv.org/pdf/1803.10122.pdf
Graph Convolution over Pruned Dependency Trees Improves Relation Extraction @huan https://arxiv.org/abs/1809.10185/
Neural Turing Machine @824zzy https://arxiv.org/pdf/1410.5401v2.pdf
Glove:Global Vectors for Word Representation three
Slot-Gated Modeling for Joint Slot Filling and Intent Prediction @qhduan http://aclweb.org/anthology/N18-2118
Comparative Study of CNN and RNN for Natural Language Processing @qhduan https://arxiv.org/pdf/1702.01923.pdf
Learning Semantic Concepts and Order for Image and Sentence Matching @cgpeter96 https://arxiv.org/abs/1712.02036
FRAGE: Frequency-Agnostic Word Representation @lirui123456789 < https://arxiv.org/abs/1809.06858>
Neural Belief Tracker: Data-Driven Dialogue State Tracking @initc https://arxiv.org/pdf/1606.03777.pdf
Skip-Thought Vectors three https://arxiv.org/pdf/1506.06726.pdf
Dual Attention Networks for Multimodal Reasoning and Matching @cgpeter96 https://arxiv.org/abs/1611.00471
CoQA: A Conversational Question Answering Challenge @initc https://arxiv.org/pdf/1808.07042.pdf
context2vec : Learning Generic Context Embedding with Bidirectional LSTM @TuringLee http://aclweb.org/anthology/K16-1006
Effective Approaches to Attention-based Neural Machine Translation @huan https://arxiv.org/pdf/1508.04025
A Network-based End-to-End Trainable Task-oriented Dialogue System @Samurais https://arxiv.org/pdf/1604.04562.pdf
E2E-MLT-an Unconstrained End-to-End Method for Multi-Language Scene Text @fuyunfuyun666 https://arxiv.org/abs/1801.09919v2
Evolution Strategies as a Scalable Alternative to Reinforcement Learning @824zzy https://arxiv.org/pdf/1703.03864.pdf
Attention is all you need @cgpeter96 https://arxiv.org/abs/1706.03762
beta-VAE: Learning Basic Visual Concepts with a Constrained Variational Framework @huan https://openreview.net/forum?id=Sy2fzU9gl
A Simple But Tough-to-Beat Baseline for Sentence embeddings @qhduan None
DeepPath: A Reinforcement Learning Method for Knowledge Graph Reasoning @initc https://arxiv.org/pdf/1707.06690.pdf
Attention? Attention! @qhduan https://lilianweng.github.io/lil-log/2018/06/24/attention-attention.html
Online Scheduled Hard Example Selection for Visual Storytelling @824zzy None
order embeddings of images and language @cgpeter96 https://arxiv.org/abs/1511.06361
Question Answering over Freebase with Multi-Column Convolutional Neural Networks @initc http://www.aclweb.org/anthology/P15-1026
The Viterbi Algorithm @824zzy http://citeseerx.ist.psu.edu/viewdoc/download?doi=10.1.1.118.2081&rep=rep1&type=pdf
Scene Text Recognition from Two-Dimensional Perspective @fuyunfuyun666 https://arxiv.org/abs/1809.06508
Character-Level Question Answering with Attention @High128Net http://www.aclweb.org/anthology/D16-1166
Link Prediction using Embedded Knowledge Graphs @zzy824 https://arxiv.org/abs/1611.04642
Describing Videos by Exploiting Temporal Structure @zzy824 https://arxiv.org/pdf/1502.08029.pdf
Dict2vec : Learning Word Embeddings using Lexical Dictionaries wangshirui33 http://aclweb.org/anthology/D17-1024
The Consciousness Prior @824zzy http://cn.arxiv.org/pdf/1709.08568v1
Visul Storytelling @824zzy https://arxiv.org/abs/1604.03968
Large-scale Simple Question Answering with Memory Network @initc https://arxiv.org/pdf/1506.02075.pdf
Predicting Emotion Labels for Chinese Microblog Texts @qhduan http://ceur-ws.org/Vol-917/SDAD2012_4_Yuan.pdf
Sequence to Sequence Learning with Neural Networks @huan https://papers.nips.cc/paper/5346-sequence-to-sequence-learning-with-neural-networks.pdf
Video Description: A Survey of Methods, Datasets and Evaluation Metrics @824zzy http://arxiv.org/abs/1806.00186
Pretraining-Based Natural Language Generation for Text Summarization @initc https://arxiv.org/abs/1902.09243
Object-Difference Attention: A Simple Relational Attention for Visual Question Answering @824zzy None
Recurrent Attention Network on Memory for Aspect Sentiment Analysis @qhduan https://www.aclweb.org/anthology/D17-1047
A Diversity-Promoting Objective Function for Neural Conversation Models @zzy824 https://arxiv.org/abs/1510.03055
No Metrics Are Perfect: Adversarial Reward Learning for Visual Storytelling @824zzy https://arxiv.org/pdf/1804.09160.pdf
A Comprehensive Survey of Deep Learning for Image Captioning @824zzy https://arxiv.org/abs/1810.04020
On Learning to Think @824zzy https://arxiv.org/abs/1511.09249
BERT: Pre-training of Deep Bidirectional Transformers for Language Understanding @TuringLee https://arxiv.org/abs/1810.04805
QANet: Combining Local Convolution with Global Self-Attention for Reading Comprehension @initc https://arxiv.org/abs/1804.09541
cw2vec- Learning Chinese Word Embeddings with Stroke n-gram Information wangshirui33 https://pdfs.semanticscholar.org/57b5/7e88edcc9a20c78388e847b42e088b451c55.pdf?_ga=2.207063760.25084681.1546664750-2109161793.1543283658
Stacked Cross Attention for Image-Text Matching @cgpeter96 https://arxiv.org/abs/1803.08024
End-to-End Task-Completion Neural Dialogue Systems @huan https://arxiv.org/pdf/1703.01008.pdf
GLoMo: Unsupervisedly Learned Relational Graphs as Transferable Representations @TuringLee https://arxiv.org/pdf/1806.05662.pdf
Graph2Seq: Graph to Sequence Learning with Attention-Based Neural Networks @qhduan https://arxiv.org/pdf/1804.00823.pdf
A Knowledge-Grounded Neural Conversation Model @wyy0206
Mixture Density Networks [@824zzy] https://www.microsoft.com/en-us/research/wp-content/uploads/2016/02/bishop-ncrg-94-004.pdf
3D U-Net: Learning Dense Volumetric Segmentation from Sparse Annotation @Leon Lin https://arxiv.org/pdf/1604.04562.pdf
Watch, Listen, and Describe: Globally and Locally Aligned Cross-Modal Attentions for Video Captioning @824zzy https://arxiv.org/abs/1804.05448
Low-shot Learning via Covariance Preserving Adversarial Augmentation Networks @vdeamov http://papers.nips.cc/paper/7376-low-shot-learning-via-covariance-preserving-adversarial-augmentation-networks
Translating Videos to Natural Language Using Deep Recurrent Neural Networks @824zzy https://arxiv.org/pdf/1412.4729.pdf
IncepText: A New Inception-Text Module with Deformable PSROI Pooling for Multi-Oriented Scene Text Detection @fuyunfuyun666 https://arxiv.org/abs/1805.01167v2
Adversarial Cross-Modal Retrieval @cgpeter96 None
xDeepFM: Combining Explicit and Implicit Feature Interactions for Recommender Systems @YapheeetS https://arxiv.org/pdf/1803.05170.pdf
CFO: Conditional Focused Neural Question Answering with Large-scale Knowledge Bases @High128Net https://arxiv.org/abs/1606.01994v2
flowqa:-grasping-flow-in-history-for-conversational-machine-comprehension @initc https://arxiv.org/pdf/1810.06683.pdf
Natural Language Inference with Hierarchical BiLSTM Max Pooling Architecture [@wangshirui33] https://arxiv.org/pdf/1808.08762.pdf
R-NET: MACHINE READING COMPREHENSION WITH SELF-MATCHING NETWORKS @initc https://www.microsoft.com/en-us/research/wp-content/uploads/2017/05/r-net.pdf
Video Captioning via Hierarchical Reinforcement Learning @824zzy https://ieeexplore.ieee.org/document/8578541/
Visual Relationship Detection with Language Priors cgpeter96 https://arxiv.org/pdf/1608.00187.pdf
Complex Sequential Question Answering: Towards Learning to Converse Over Linked Question Answer Pairs with a Knowledge Graph @charliecheung99 https://arxiv.org/abs/1801.10314v2
Neural Responding Machine for Short-Text Conversation @xiaoda99 https://www.aclweb.org/anthology/P15-1152
Hybrid computing using a neural network with dynamic external memory @824zzy https://www.nature.com/articles/nature20101
Dual Ask-Answer Network forMachine Reading Comprehension @TuringLee https://arxiv.org/pdf/1809.01997.pdf
Character-Level Language Modeling with Deeper Self-Attention wangshirui33 https://arxiv.org/abs/1808.04444
A^2-Net: Molecular Structure Estimation from Cryo-EM Density Volumes @barrykui https://arxiv.org/pdf/1901.00785.pdf
Reinforced Cross-Modal Matching and Self-Supervised Imitation Learning for Vision-Language Navigation cgpeter96 https://arxiv.org/pdf/1811.10092.pdf
The Design and Implementation of XiaoIce, an Empathetic Social Chatbot @TuringLee https://arxiv.org/pdf/1812.08989.pdf
Information Extraction over Structured Data: Question Answering with Freebase @initc http://cs.jhu.edu/~xuchen/paper/yao-jacana-freebase-acl2014.pdf
Semantic Parsing on Freebase from Question-Answer Pairs @initc http://www.aclweb.org/anthology/D13-1160
Commonsense for Generative Multi-Hop Question Answering @xiaoda99 https://export.arxiv.org/abs/1809.06309
An End-to-End Model for Question Answering over Knowledge Base with Cross-Attention Combining Global Knowledge @wyy0206 None
Natural Language Processing for Information Extraction @YapheeetS http://arxiv.org/abs/1807.02383
The Natural Language Decathlon: Multitask Learning as Question Answering @xiaoda99 https://arxiv.org/pdf/1806.08730.pdf
Duan-JM commented 5 years ago

So does this script all write? Or need more features?

huan commented 5 years ago

We had discussed this script from our meeting yesterday, and we believe it can solve our problem!

Thank you very much for contributing your great script to help us extract papers from old repo to be easier!

I'll archive the https://github.com/BUPT/conversational-ai-club repo after all papers had been moved to the new place.

huan commented 5 years ago

One more thing: I had just modified your markdown and we can see the result of your script output now.

The table is great!

However, the papers had missed their URLs. I believe we should add the arxiv links to the papers' name so that we can track it easier in the future.

Could you please add this new feature to your script? Thanks!

Duan-JM commented 5 years ago

the Script only extract the inform in the markdown file in the old repo, so if the link didn’t appear in the markdown file, it will not output. Anyway I will attach the link we extracted to the title later.

824zzy commented 5 years ago

Thx, I have added features to your code. But there still problems here. We must manually modify the Seminar column and a little part of links.

X X X
Seminar @WEN6Lev57q4 Theme and Sentiment Analysis Model of Public Opinion Dissemination based on Generative Adversarial Network, Haihong et. al, 2017
Seminar @vdeamov Histograms of Oriented Gradients for Human Detection, Navneet et. al, 2005
Seminar @cgpeter96 A Comprehensive Survey on Cross-modal Retrieval, Kaiye et. al, 2018
Seminar @TuringLee Distributed Representations of Words and Phrases and their Compositionality, Tomas et. al, 2013
Seminar @huan Google’s Multilingual Neural Machine Translation System: Enabling Zero-Shot Translation, Melvin et. al, 2017
Seminar @VDeamoV Learning to Compare: Relation Network for Few-Shot Learning, Sung et. al, 2018
Seminar @824zzy Learning to Compose Topic-Aware Mixture of Experts for Zero-shot Video Captioning, Xin et. al, 2018-11-23
Seminar @cgpeter96 An overview of gradient descent optimization algorithms, SebastianRuder et. al, 2016
Seminar @824zzy Scheduled Sampling for Sequence Prediction with Recurrent Neural Networks, Samy et. al, 2015
Seminar @zecheng [A Syntactic Neural Model for General-Purpose Code Generation, Pengcheng et. al, 2017](
Seminar @TuringLee Reading Wikipedia to Answer Open-Domain Questions, Danqi et. al, 2017
Seminar @zwj277567959 Deep contextualized word representations, Matthew et. al, 2018
Seminar @YapheeetS A Hierarchical Neural Autoencoder for Paragraphs and Documents, Jiwei et. al, 2015
Seminar @VDeamoV [travelgan-image-to-image-translation-by-transformation-vector-learning, Amodio et. al, https://arxiv.org/abs/1902.09631)
Seminar @xiaoda99 improving question answering by commonsense-based pre-training, et. al, 2018
Seminar @824zzy Visual Question Answering:Datasets, Algorithms, and Future Challenges, Kushal et. al, 2016
Seminar @wyy0206 [Semantic Parsing via Staged Query Graph Generation:Question Answering with Knowledge Base, Wen-tau et. al, 2015](
Seminar @824zzy Auto Encoding Variational Bayes, Diederik et. al, 2013,12,20
Seminar @cgpeter96 Convolutional Sequence to Sequence Learning, Jonas et. al, 2017
Seminar @824zzy [Dynamic Routing Between Capsules, Sara et. al, http://cn.arxiv.org/pdf/1710.09829.pdf)
Seminar @initc Question Answering with Subgraph Embeddings, Antoine et. al, 2014
Seminar @cgpeter96 Language Modeling with Gated Convolutional Networks, Jonas et. al, 2016
Seminar @initc MACHINE COMPREHENSION USING MATCH-LSTM AND ANSWER POINTER, Shuohang et. al, 2016
Seminar @huan Attention and Augmented Recurrent Neural Networks, Olah et. al, 2016
Seminar @cgpeter96 Multimodal Convolutional Neural Networks for Matching Image and Sentence, Ma et. al, 2015
Seminar @824zzy World Models, Jurgen et. al, 2018
Seminar @huan Graph Convolution over Pruned Dependency Trees Improves Relation Extraction, Yuhao et. al, 2018
Seminar @824zzy Neural Turing Machine, Alex et. al, 2014
Seminar three [Glove:Global Vectors for Word Representation, Jeffrey et. al, 2014](
Seminar @qhduan Slot-Gated Modeling for Joint Slot Filling and Intent Prediction, Chih-Wen et. al, 2018
Seminar @qhduan Comparative Study of CNN and RNN for Natural Language Processing, Wenpeng et. al, 2017
Seminar @cgpeter96 Learning Semantic Concepts and Order for Image and Sentence Matching, Huang et. al, 2018
Seminar @lirui123456789 [FRAGE: Frequency-Agnostic Word Representation, Gong et. al, 2018](< https://arxiv.org/abs/1809.06858>)
Seminar @initc Neural Belief Tracker: Data-Driven Dialogue State Tracking, Tsung-Hsien et. al, 2017
Seminar three Skip-Thought Vectors, Ryan et. al, 2015
Seminar @cgpeter96 [Dual Attention Networks for Multimodal Reasoning and Matching, Hyeonseob et. al, https://arxiv.org/abs/1611.00471)
Seminar @initc CoQA: A Conversational Question Answering Challenge, Siva et. al, 2018
Seminar @TuringLee context2vec : Learning Generic Context Embedding with Bidirectional LSTM, Oren et. al, 2016
Seminar @huan Effective Approaches to Attention-based Neural Machine Translation, Luong et. al, 2015
Seminar @Samurais A Network-based End-to-End Trainable Task-oriented Dialogue System, Tsung-Hsien et. al, 2017
Seminar @fuyunfuyun666 E2E-MLT-an Unconstrained End-to-End Method for Multi-Language Scene Text, Michal et. al, 2018
Seminar @824zzy Evolution Strategies as a Scalable Alternative to Reinforcement Learning, Tim et. al, 2017
Seminar @cgpeter96 Attention is all you need, Ashish et. al, 2017
Seminar @huan beta-VAE: Learning Basic Visual Concepts with a Constrained Variational Framework, Irina et. al, 2016
Seminar @qhduan A Simple But Tough-to-Beat Baseline for Sentence embeddings, Sanjeev et. al, 2017
Seminar @initc DeepPath: A Reinforcement Learning Method for Knowledge Graph Reasoning, Wenhan et. al, 2018
Seminar @qhduan Attention? Attention!, Lilian et. al, 2018
Seminar @824zzy Online Scheduled Hard Example Selection for Visual Storytelling, Zhengyuan et. al, 2019
Seminar @cgpeter96 order embeddings of images and language, Ivan et. al, 2016
Seminar @initc Question Answering over Freebase with Multi-Column Convolutional Neural Networks, Li et. al, 2015
Seminar @824zzy The Viterbi Algorithm, G.DAVID et. al, 1973
Seminar @fuyunfuyun666 Scene Text Recognition from Two-Dimensional Perspective, Minghui et. al, 2019, AAAI
Seminar @High128Net Character-Level Question Answering with Attention, David et. al, 2016
Seminar @zzy824 Link Prediction using Embedded Knowledge Graphs, Yelong et. al, 2016-11-14
Seminar @zzy824 Describing Videos by Exploiting Temporal Structure, Li et. al, 2015
Seminar wangshirui33 Dict2vec : Learning Word Embeddings using Lexical Dictionaries, Julien et. al, 2017
Seminar @824zzy The Consciousness Prior, et. al, 2017
Seminar @824zzy Visul Storytelling, Ting-Hao et. al, 2016
Seminar @initc Large-scale Simple Question Answering with Memory Network, Antoine et. al, 2015
Seminar @qhduan Predicting Emotion Labels for Chinese Microblog Texts, Zheng et. al, 2015
Seminar @huan Sequence to Sequence Learning with Neural Networks, Ilya et. al, 2014
Seminar @824zzy Video Description: A Survey of Methods, Datasets and Evaluation Metrics, Nayyer et. al, 2019
Seminar @initc Pretraining-Based Natural Language Generation for Text Summarization, Haoyu et. al, 2019
Seminar @824zzy [Object-Difference Attention: A Simple Relational Attention for Visual Question Answering, Chenfei et. al, None)
Seminar @qhduan Recurrent Attention Network on Memory for Aspect Sentiment Analysis, Peng et. al, 2017
Seminar @zzy824 A Diversity-Promoting Objective Function for Neural Conversation Models, Jiwei et. al, 2016
Seminar @824zzy [No Metrics Are Perfect: Adversarial Reward Learning for Visual Storytelling, Xin et. al, https://arxiv.org/pdf/1804.09160.pdf)
Seminar @824zzy A Comprehensive Survey of Deep Learning for Image Captioning, MD. et. al, 2018
Seminar @824zzy On Learning to Think, Jurgen et. al, 2018
Seminar @TuringLee BERT: Pre-training of Deep Bidirectional Transformers for Language Understanding, Jacob et. al, 2018
Seminar @initc QANet: Combining Local Convolution with Global Self-Attention for Reading Comprehension, Adams et. al, 2018
Seminar wangshirui33 cw2vec- Learning Chinese Word Embeddings with Stroke n-gram Information, Shaosheng et. al, 2018
Seminar @cgpeter96 Stacked Cross Attention for Image-Text Matching, Lee/ et. al, ECCV,2018
Seminar @huan End-to-End Task-Completion Neural Dialogue Systems, et. al, 2018
Seminar @TuringLee GLoMo: Unsupervisedly Learned Relational Graphs as Transferable Representations, Zhilin et. al, 2018
Seminar @qhduan Graph2Seq: Graph to Sequence Learning with Attention-Based Neural Networks, Kun et. al, 2018
Seminar @wyy0206 [A Knowledge-Grounded Neural Conversation Model, Marjan et. al, 2017](
Seminar [@824zzy] Mixture Density Networks, Christopher et. al, 1994
Seminar @824zzy Watch, Listen, and Describe: Globally and Locally Aligned Cross-Modal Attentions for Video Captioning, Xin et. al, 2018, NAACL
Seminar @vdeamov [Low-shot Learning via Covariance Preserving Adversarial Augmentation Networks, Hang et. al, http://papers.nips.cc/paper/7376-low-shot-learning-via-covariance-preserving-adversarial-augmentation-networks)
Seminar @824zzy Translating Videos to Natural Language Using Deep Recurrent Neural Networks, Subhashini et. al, 2015
Seminar @fuyunfuyun666 IncepText: A New Inception-Text Module with Deformable PSROI Pooling for Multi-Oriented Scene Text Detection, Qiangpeng et. al, 2018,IJCAI
Seminar @cgpeter96 [Adversarial Cross-Modal Retrieval, Wang et. al, None)
Seminar @YapheeetS xDeepFM: Combining Explicit and Implicit Feature Interactions for Recommender Systems, Jianxun et. al, 2018
Seminar @High128Net CFO: Conditional Focused Neural Question Answering with Large-scale Knowledge Bases, Zihang et. al, 2016
Seminar @initc flowqa:-grasping-flow-in-history-for-conversational-machine-comprehension, Hsin-Yuan et. al, 2018
Seminar [@wangshirui33] Natural Language Inference with Hierarchical BiLSTM Max Pooling Architecture, Aarne et. al, 2018
Seminar @initc R-NET: MACHINE READING COMPREHENSION WITH SELF-MATCHING NETWORKS, Natural et. al, 2017
Seminar @824zzy Video Captioning via Hierarchical Reinforcement Learning, Xin et. al, 2019
Seminar cgpeter96 Visual Relationship Detection with Language Priors, Cewu et. al, 2016
Seminar @charliecheung99 Complex Sequential Question Answering: Towards Learning to Converse Over Linked Question Answer Pairs with a Knowledge Graph, Amrita et. al, 2018-10
Seminar @xiaoda99 Neural Responding Machine for Short-Text Conversation, Lifeng et. al, 2015
Seminar @824zzy Hybrid computing using a neural network with dynamic external memory, Alex et. al, 2016
Seminar @TuringLee Dual Ask-Answer Network forMachine Reading Comprehension, Han et. al, 2018
Seminar wangshirui33 Character-Level Language Modeling with Deeper Self-Attention, Rami et. al, 2018
Seminar cgpeter96 Reinforced Cross-Modal Matching and Self-Supervised Imitation Learning for Vision-Language Navigation, Wang et. al, 2018, CVPR
Seminar @TuringLee The Design and Implementation of XiaoIce, an Empathetic Social Chatbot, Li et. al, 2018
Seminar @initc Information Extraction over Structured Data: Question Answering with Freebase, Xuchen et. al, 2014
Seminar @initc Semantic Parsing on Freebase from Question-Answer Pairs, Jonathan et. al, 2013
Seminar @xiaoda99 [Commonsense for Generative Multi-Hop Question Answering, Lisa et. al, https://export.arxiv.org/abs/1809.06309)
Seminar @wyy0206 An End-to-End Model for Question Answering over Knowledge Base with Cross-Attention Combining Global Knowledge, Yanchao et. al, 2017
Seminar @YapheeetS Natural Language Processing for Information Extraction, Sonit et. al, 2018
Seminar @xiaoda99 The Natural Language Decathlon: Multitask Learning as Question Answering, et. al, 2018
huan commented 5 years ago

@824zzy I modified your reply a bit in order to make it more readable. ;-)