Pinned Repositories
annotated_deep_learning_paper_implementations
🧑🏫 50! Implementations/tutorials of deep learning papers with side-by-side notes 📝; including transformers (original, xl, switch, feedback, vit, ...), optimizers (adam, adabelief, ...), gans(cyclegan, stylegan2, ...), 🎮 reinforcement learning (ppo, dqn), capsnet, distillation, ... 🧠
ATSA
Awesome-AI-algorithm
人工智能算法方面的综合资料合集:包括求职面试、机器学习、深度学习、强化学习等方面的资料和代码
AWESOME-MSA
Paper List for Multimodal Sentiment Analysis
bert
TensorFlow code and pre-trained models for BERT
BERT_multimodal_transformer
BriVL
Bridging Vision and Language Model
cascaded_rgbd_sod
learning_research
本人博士期间的科研经验
RRU-Net
Official repository for "RRU-Net: The Ringed Residual U-Net for Image Splicing Forgery Detection" (CVPRW 2019)
Jack960317's Repositories
Jack960317/AWESOME-MSA
Paper List for Multimodal Sentiment Analysis
Jack960317/bert
TensorFlow code and pre-trained models for BERT
Jack960317/BERT_multimodal_transformer
Jack960317/chinese-sentiment-classification
简单的中文文本情感分类 (MLP, CNN, RNN in PyTorch) - 2019 THU 人工智能导论作业
Jack960317/cobra
Code for COBRA: Contrastive Bi-Modal Representation Algorithm (https://arxiv.org/abs/2005.03687)
Jack960317/contrastive_learning_codes
A list of Contrastive Learning Papers&Codes. Unsupervised: MoCo/SimCLR/SwAV/BYOL/SimSiam
Jack960317/External-Attention-pytorch
Pytorch implementation of various Attention Mechanism
Jack960317/Label_efficient_HRNet
Jack960317/Lane-Segmentation-Solution-For-BaiduAI-Autonomous-Driving-Competition
Lane Segmentation Solution for Baidu AI PaddlePaddle Autonomous Driving Competition(1st Place)
Jack960317/mmbt
Supervised Multimodal Bitransformers for Classifying Images and Text
Jack960317/MMSA
CH-SIMS: A Chinese Multimodal Sentiment Analysis Dataset with Fine-grained Annotations of Modality (ACL2020)
Jack960317/MSAF
Offical implementation of paper "MSAF: Multimodal Split Attention Fusion"
Jack960317/Multimodal-Alignment-Framework
Implementation for MAF: Multimodal Alignment Framework
Jack960317/Multimodal-Emotion-Recognition
This repository contains the code for the paper `End-to-End Multimodal Emotion Recognition using Deep Neural Networks`.
Jack960317/nlp-tutorial
Natural Language Processing Tutorial for Deep Learning Researchers
Jack960317/nlp_tutorial
NLP超强入门指南,包括各任务sota模型汇总(文本分类、文本匹配、序列标注、文本生成、语言模型),以及代码、技巧
Jack960317/pytorch-fcn
PyTorch Implementation of Fully Convolutional Networks. (Training code to reproduce the original result is available.)
Jack960317/pytorch-gradual-warmup-lr
Gradually-Warmup Learning Rate Scheduler for PyTorch
Jack960317/Pytorch-TransVG
Jack960317/pytorch-vqa
Strong baseline for visual question answering
Jack960317/Pytorch_common_code
Jack960317/RepMLP
RepMLP: Re-parameterizing Convolutions into Fully-connected Layers for Image Recognition
Jack960317/Self-Supervised-Embedding-Fusion-Transformer
The code for our IEEE ACCESS (2020) paper Multimodal Emotion Recognition with Transformer-Based Self Supervised Feature Fusion.
Jack960317/SimpleCVReproduction
Reproduce simple cv project including attention module, classification, object detection, segmentation, keypoint detection, tracking :smile: etc.
Jack960317/SP-Transformer
Jack960317/TensorGCN
Jack960317/TMA
Multimodal Sentiment Analysis with Temporal Modality Attention(Interspeech2021)
Jack960317/transformers
🤗 Transformers: State-of-the-art Natural Language Processing for Pytorch, TensorFlow, and JAX.
Jack960317/vision_transformer
Jack960317/vit-pytorch
Implementation of Vision Transformer, a simple way to achieve SOTA in vision classification with only a single transformer encoder, in Pytorch