LiuLei95's Stars
milesial/Pytorch-UNet
PyTorch implementation of the U-Net for image semantic segmentation with high quality images
open-mmlab/mmsegmentation
OpenMMLab Semantic Segmentation Toolbox and Benchmark.
open-mmlab/mmaction2
OpenMMLab's Next Generation Video Understanding Toolbox and Benchmark
kenshohara/3D-ResNets-PyTorch
3D ResNets for Action Recognition (CVPR 2018)
yanx27/Pointnet_Pointnet2_pytorch
PointNet and PointNet++ implemented by pytorch (pure python) and on ModelNet, ShapeNet and S3DIS.
charlesq34/pointnet2
PointNet++: Deep Hierarchical Feature Learning on Point Sets in a Metric Space
52CV/CVPR-2021-Papers
NVIDIA/MinkowskiEngine
Minkowski Engine is an auto-diff neural network library for high-dimensional sparse tensors
mit-han-lab/temporal-shift-module
[ICCV 2019] TSM: Temporal Shift Module for Efficient Video Understanding
sshaoshuai/PointRCNN
PointRCNN: 3D Object Proposal Generation and Detection from Point Cloud, CVPR 2019.
facebookresearch/votenet
Deep Hough Voting for 3D Object Detection in Point Clouds
zhoubolei/bolei_awesome_posters
CVPR and NeurIPS poster examples and templates. May we have in-person poster session soon!
hszhao/semseg
Semantic Segmentation in Pytorch
kuixu/kitti_object_vis
KITTI Object Visualization (Birdview, Volumetric LiDar point cloud )
wei-tim/YOWO
You Only Watch Once: A Unified CNN Architecture for Real-Time Spatiotemporal Action Localization
MCG-NJU/MixFormer
[CVPR 2022 Oral & TPAMI 2024] MixFormer: End-to-End Tracking with Iterative Mixed Attention
innerlee/setup
Setup a new machine without sudo!
zgcr/SimpleAICV_pytorch_training_examples
SimpleAICV:pytorch training and testing examples.
antao97/PointCloudDatasets
3D point cloud datasets in HDF5 format, containing uniformly sampled 2048 points per shape.
microsoft/DCVC
Deep Contextual Video Compression
jiweibo/ImageNet
This implements training of popular model architectures, such as AlexNet, ResNet and VGG on the ImageNet dataset(Now we supported alexnet, vgg, resnet, squeezenet, densenet)
potterhsu/easy-faster-rcnn.pytorch
An easy implementation of Faster R-CNN (https://arxiv.org/pdf/1506.01497.pdf) in PyTorch.
daveredrum/Pointnet2.ScanNet
PointNet++ Semantic Segmentation on ScanNet in PyTorch with CUDA acceleration
VincentChandelier/ELiC-ReImplemetation
Implemetation of ELIC: Efficient Learned Image Compression with Unevenly Grouped Space-Channel Contextual Adaptive Coding
NJUVISION/PCGCv2
Multiscale Point Cloud Geometry Compression
lose4578/SAM-DiffSR
SAM-DiffSR: Structure-Modulated Diffusion Model for Image Super-Resolution
zb12138/OctAttention
Soruce code of OctAttention: Octree-Based Large-Scale Contexts Model for Point Cloud Compression
cheng052/BRNet
(CVPR 2021) Back-tracing Representative Points for Voting-based 3D Object Detection in Point Clouds
shuangshuangguo/caffe2pytorch-tsn
Transform the caffe model to pytorch model for Temporal Segment Network
LiuLei95/PyTorch-Learned-Image-Compression-with-GMM-and-Attention
This repo is implementation for Learned Image Compression with Discretized Gaussian Mixture Likelihoods and Attention Modules in pytorch.