Pinned Repositories
2024-06-size
2s-AGCN-paddle
2sAGCN的paddlepaddle实现
ACSCP_cGAN
Code implementation for paper that "ACSCS: Crowd Counting via Adversarial Cross-Scale Consistency Pursuit"; This is method of Crowd counting by conditional generation adversarial networks
ActionAI
Real-Time Spatio-Temporally Localized Activity Detection by Tracking Body Keypoints
aescore
Learning Protein-Ligand Properties with Atomic Environment Vectors
alphafold2
To eventually become an unofficial Pytorch implementation / replication of Alphafold2, as details of the architecture get released
bio_embeddings
Get protein embeddings from protein sequences
RBP-TSTL
skeleton-based-action-recognition
This repository provides implementation of a baseline method and our proposed methods for efficient Skeleton-based Human Action Recognition.
Yolov5_StrongSORT_OSNet
Xinxinatg's Repositories
Xinxinatg/alphafold2
To eventually become an unofficial Pytorch implementation / replication of Alphafold2, as details of the architecture get released
Xinxinatg/alphafold_pytorch
An implementation of the DeepMind's AlphaFold based on PyTorch for research
Xinxinatg/Awesome-Knowledge-Distillation
Awesome Knowledge-Distillation. 分类整理的知识蒸馏paper(2014-2021)。
Xinxinatg/awesome-transformer-for-vision
Xinxinatg/BCrystal
BCrystal: An Interpretable Sequence-Based Protein Crystallization Predictor
Xinxinatg/Bert-Protein
Xinxinatg/Context-Aware-Crowd-Counting
Official Code for Context-Aware Crowd Counting. CVPR 2019
Xinxinatg/contrastive_loss
Experiments with supervised contrastive learning methods with different loss functions
Xinxinatg/Contrastive_Representation_Distillation
Xinxinatg/CSRNet-pytorch
CSRNet: Dilated Convolutional Neural Networks for Understanding the Highly Congested Scenes
Xinxinatg/Deep-reinforcement-learning-with-pytorch
PyTorch implementation of DQN, AC, ACER, A2C, A3C, PG, DDPG, TRPO, PPO, SAC, TD3 and ....
Xinxinatg/detr
End-to-End Object Detection with Transformers
Xinxinatg/DM-Count
Code for NeurIPS 2020 paper: Distribution Matching for Crowd Counting.
Xinxinatg/face2face_demo
pix2pix demo that learns from facial landmarks and translates this into a face
Xinxinatg/FbxToNpyConverter
Script to process and convert .fbx file format to .npy file format only for human motion analysis
Xinxinatg/FCN-rLSTM
FCN-rLSTM for vehicle counting in city cameras (unofficial implementation)
Xinxinatg/g-mlp-tensorflow
A gMLP (gated MLP) implementation in Tensorflow 1.x, as described in the paper "Pay Attention to MLPs" (2105.08050).
Xinxinatg/GraphDTA
GraphDTA: Predicting drug-target binding affinity with graph neural networks
Xinxinatg/iAMP-CA2L
iAMP-CA2L
Xinxinatg/lightning-text-classification
Minimalist implementation of a BERT Sentence Classifier with PyTorch Lightning, Transformers and PyTorch-NLP.
Xinxinatg/models
Pre-trained and Reproduced Deep Learning Models (『飞桨』官方模型库,包含多种学术前沿和工业场景验证的深度学习模型)
Xinxinatg/Paper-Viz
This project is lead by Dr Wei Shao at RMIT University
Xinxinatg/PepFormer
Xinxinatg/protein_bert
Xinxinatg/provis
Official code repository of "BERTology Meets Biology: Interpreting Attention in Protein Language Models."
Xinxinatg/RepDistiller
[ICLR 2020] Contrastive Representation Distillation (CRD), and benchmark of recent knowledge distillation methods
Xinxinatg/T2T-ViT
Xinxinatg/tape
Tasks Assessing Protein Embeddings (TAPE), a set of five biologically relevant semi-supervised learning tasks spread across different domains of protein biology.
Xinxinatg/torchdistill
PyTorch-based modular, configuration-driven framework for knowledge distillation. 🏆18 methods presented at CVPR, ICLR, ECCV, NeurIPS, ICCV, etc are implemented so far. 🎁 Trained models, training logs and configurations are available for ensuring the reproducibiliy and benchmark.
Xinxinatg/vit-pytorch
Implementation of Vision Transformer, a simple way to achieve SOTA in vision classification with only a single transformer encoder, in Pytorch