Pinned Repositories
AwesomeFakeNews
This repository contains recent research on fake news.
CombatingFakeNews
This is the repository of code and dataset for paper "The Rise of Guardians: Fact-checking URL Recommendation to Combat Fake News", SIGIR 2018
Double-Attention-Network
This is the PyTorch implementation of Double Attention Network, NIPS 2018
EACL2021
This is the PyTorch code + data repository for paper "Hierarchical Multi-head Attentive Network for Evidence-aware Fake News Detection", EACL 2021
EMNLP2020
This is official Pytorch code and datasets of the paper "Where Are the Facts? Searching for Fact-checked Information to Alleviate the Spread of Fake News", EMNLP 2020.
eng-practices
Google's Engineering Practices documentation
fact_checking_url_resys
fake_news_detection_deep_learning
Fake News Detection using Deep Learning models in Tensorflow
LearningFromFactCheckers
This is the repository of Pytorch code and dataset for paper "Learning from Fact-checkers: Analysis and Generation of Fact-checking Language", SIGIR 2019
mcmc
This repository is for community detection metrics such as ARI, NMI, Purity, Normalized Cut and Modularity.
nguyenvo09's Repositories
nguyenvo09/mt-dnn
Multi-Task Deep Neural Networks for Natural Language Understanding
nguyenvo09/attention-is-all-you-need-pytorch
A PyTorch implementation of the Transformer model in "Attention is All You Need".
nguyenvo09/caser_pytorch
A PyTorch implementation of Convolutional Sequence Embedding Recommendation Model (Caser)
nguyenvo09/CaseRecommender
Case Recommender: A Flexible and Extensible Python Framework for Recommender Systems
nguyenvo09/cnnimageretrieval-pytorch
CNN Image Retrieval in PyTorch: Training and evaluating CNNs for Image Retrieval in PyTorch
nguyenvo09/contextual-repr-analysis
A toolkit for evaluating the linguistic knowledge and transferability of contextual representations. Code for "Linguistic Knowledge and Transferability of Contextual Representations", to appear at NAACL 2019.
nguyenvo09/Deep-Learning-for-Recommendation-Systems
This repository contains Deep Learning based articles , paper and repositories for Recommender Systems
nguyenvo09/deep-relevance-ranking
Deep Relevance Ranking Using Enhanced Document-Query Interactions
nguyenvo09/Deep_metric
Deep Metric Learning Accepted by CVPR-2019
nguyenvo09/DeepMoji
State-of-the-art deep learning model for analyzing sentiment, emotion, sarcasm etc.
nguyenvo09/DeepRecommender
Deep learning for recommender systems
nguyenvo09/detecting-incongruity
[AAAI-19] Detecting Incongruity Between News Headline and Body Text via a Deep Hierarchical Encoder
nguyenvo09/joint-kg-recommender
nguyenvo09/KnowledgeGraphEmbedding
nguyenvo09/lazynlp
Library to scrape and clean web pages to create massive datasets.
nguyenvo09/livebot
LiveBot: Generating Live Video Comments Based on Visual and Textual Contexts (AAAI 2019)
nguyenvo09/MatchZoo
Facilitating the design, comparison and sharing of deep text matching models.
nguyenvo09/MultiTurnResponseSelection
This repo contains our ACL paper data and source code
nguyenvo09/nextitnet
A Simple Convolutional Generative Network for Next Item Recommendation
nguyenvo09/pretrained-models.pytorch
Pretrained ConvNets for pytorch: NASNet, ResNeXt, ResNet, InceptionV4, InceptionResnetV2, Xception, DPN, etc.
nguyenvo09/pyGRU4REC
PyTorch Implementation of Session-based Recommendations with Recurrent Neural Networks(ICLR 2016, Hidasi et al.)
nguyenvo09/pytorch-openai-transformer-lm
🐥A PyTorch implementation of OpenAI's finetuned transformer language model with a script to import the weights pre-trained by OpenAI
nguyenvo09/Rainbow
Rainbow: Combining Improvements in Deep Reinforcement Learning
nguyenvo09/reco-gym
Code for reco-gym: A Reinforcement Learning Environment for the problem of Product Recommendation in Online Advertising
nguyenvo09/recoder
Large scale training of factorization models for Collaborative Filtering with PyTorch
nguyenvo09/reversible-rnn
Code for reversible recurrent neural networks
nguyenvo09/SGC
official implementation for the paper "Simplifying Graph Convolutional Networks"
nguyenvo09/SR-GNN
Source code and datasets for paper "Session-based Recommendation with Graph Neural Networks"
nguyenvo09/tcop-pytorch
tunz's CUDA pytorch operator (MaskedSoftmax)
nguyenvo09/VQA2.0-Recent-Approachs-2018.pytorch
A pytroch reimplementation of "Bilinear Attention Network", "Intra- and Inter-modality Attention", "Learning Conditioned Graph Structures", "Learning to count object", "Bottom-up top-down" for Visual Question Answering 2.0