Stars
VLA-Adapter: An Effective Paradigm for Tiny-Scale Vision-Language-Action Model
Implement a ChatGPT-like LLM in PyTorch from scratch, step by step
Reeshark / Recurrent-Convolutional-Video-ReID
Forked from niallmcl/Recurrent-Convolutional-Video-ReIDImplementation of our paper - Recurrent Convolutional Network for Video-based Person Re-Identification
Reeshark / faster_rcnn
Forked from ShaoqingRen/faster_rcnnFaster R-CNN
Reeshark / person_search
Forked from ShuangLI59/person_searchJoint Detection and Identification Feature Learning for Person Search
Reeshark / py-faster-rcnn
Forked from rbgirshick/py-faster-rcnnFaster R-CNN (Python implementation) -- see https://github.com/ShaoqingRen/faster_rcnn for the official MATLAB version
Deep Feature Flow for Video Recognition
OpenPose: A Real-Time Multi-Person Keypoint Detection And Multi-Threading C++ Library
Reeshark / deep_sort
Forked from nwojke/deep_sortSimple Online Realtime Tracking with a Deep Association Metric
Reeshark / FCN.tensorflow
Forked from shekkizh/FCN.tensorflowTensorflow implementation of Fully Convolutional Networks for Semantic Segmentation (http://fcn.berkeleyvision.org)
A tensorflow implementation of "Deep Convolutional Generative Adversarial Networks"
visual tracker benchmark results
Tensorflow based implementation of deep siamese LSTM network to capture phrase/sentence similarity using character embeddings
Metric Learning with Graph Convolutional Neural Networks
Reeshark / gae
Forked from tkipf/gaeImplementation of Graph Auto-Encoders in TensorFlow
TensorFlow Tutorial and Examples for Beginners with Latest APIs
Pedestrian Alignment Network for Large-scale Person Re-identification
Reeshark / keras_reid
Forked from michuanhaohao/keras_reidMargin Sample Mining Loss: A Deep Learning Based Method for Person Re-identification
Reeshark / pytorch-AGNN
Forked from dawnranger/pytorch-AGNNPytorch implementation of the Attention-based Graph Neural Network(AGNN)
Reeshark / cnn-lstm-bilstm-deepcnn-clstm-in-pytorch
Forked from dalinvip/cnn-lstm-bilstm-deepcnn-clstm-in-pytorchIn pytorch Learing Neural Networks likes CNN、LSTM、BiLSTM、DeepCNN 、CLSTM、CNN and LSTM
Reeshark / neural-enhance
Forked from alexjc/neural-enhanceSuper Resolution for images using deep learning.
Reeshark / ggnn.pytorch
Forked from chingyaoc/ggnn.pytorchA PyTorch Implementation of Gated Graph Sequence Neural Networks (GGNN)
Pytorch implement of Person re-identification baseline. We arrived Rank@1=88.24%, mAP=70.68% only with softmax loss. Re-ranking is added.
Reeshark / gcn
Forked from tkipf/gcnImplementation of Graph Convolutional Networks in TensorFlow
Reeshark / Detectron
Forked from facebookresearch/DetectronFAIR's research platform for object detection research, implementing popular algorithms like Mask R-CNN and RetinaNet.
Reeshark / mot_evaluation
Forked from shenh10/mot_evaluationA python implementation of Multiple Object Tracking(MOT) evaluation toolkit(2D)
Reeshark / GAT
Forked from PetarV-/GATGraph Attention Networks (https://arxiv.org/abs/1710.10903)
Reeshark / pygcn
Forked from tkipf/pygcnGraph Convolutional Networks in PyTorch
Reeshark / pyGAT
Forked from diegoantognini/pyGATPytorch implementation of the Graph Attention Network model by Veličković et. al (2017, https://arxiv.org/abs/1710.10903)
Reeshark / gated-graph-neural-network-samples
Forked from thaonguyen19/gated-graph-neural-network-pytorchSample Code for Gated Graph Neural Networks