Pinned Repositories
diffusers
🤗 Diffusers: State-of-the-art diffusion models for image, video, and audio generation in PyTorch and FLAX.
ARPattack
just for learning, do not use it for attacking
awesome_OpenSetRecognition_list
A curated list of papers & ressources linked to open set recognition and open world recognition
FastMOT
High-performance multiple object tracking based on YOLO, Deep SORT, and KLT 🚀
httpSniffer
Gets the http packet and parses the field
PortScanner
端口扫描器
stable-fast-3d
SF3D: Stable Fast 3D Mesh Reconstruction with UV-unwrapping and Illumination Disentanglement
XCube
[CVPR 2024 Highlight] XCube: Large-Scale 3D Generative Modeling using Sparse Voxel Hierarchies
shinetzh's Repositories
shinetzh/FastMOT
High-performance multiple object tracking based on YOLO, Deep SORT, and KLT 🚀
shinetzh/BasicSR
Open Source Image and Video Restoration Toolbox for Super-resolution, Denoise, Deblurring, etc. Currently, it includes EDSR, RCAN, SRResNet, SRGAN, ESRGAN, EDVR, BasicVSR, SwinIR, ECBSR, etc. Also support StyleGAN2, DFDNet.
shinetzh/stable-fast-3d
SF3D: Stable Fast 3D Mesh Reconstruction with UV-unwrapping and Illumination Disentanglement
shinetzh/XCube
[CVPR 2024 Highlight] XCube: Large-Scale 3D Generative Modeling using Sparse Voxel Hierarchies
shinetzh/CenterNet
Object detection, 3D detection, and pose estimation using center point detection:
shinetzh/DenoisingDiffusionProbabilityModel-ddpm-
This may be the simplest implement of DDPM. You can directly run Main.py to train the UNet on CIFAR-10 dataset and see the amazing process of denoising.
shinetzh/deocclusion
Code for our CVPR 2020 work.
shinetzh/diffusers
🤗 Diffusers: State-of-the-art diffusion models for image and audio generation in PyTorch and FLAX.
shinetzh/docker-prompt-generator
Using a Model to generate prompts for Model applications. / 使用模型来生成作图咒语的偷懒工具,支持 MidJourney、Stable Diffusion 等。
shinetzh/face_morpher
:angel: Morph faces with Python, Numpy, Scipy
shinetzh/FSAF
FSAF (Feature Selective Anchor-Free Module for Single-Shot Object Detection) implementation in Keras and Tensorflow
shinetzh/generators-with-stylegan2
Here is a series of face generators based on StyleGAN2
shinetzh/hungarian-algorithm-cpp
A C++ wrapper for a hungarian algorithm implementation
shinetzh/Lifespan_Age_Transformation_Synthesis
Lifespan Age Transformation Synthesis code
shinetzh/Mini-DALLE3
Mini-DALLE3: Interactive Text to Image by Prompting Large Language Models
shinetzh/mmsr
Open MMLab Image and Video Super-Resolution Toolbox, , including SRResNet, SRGAN, ESRGAN, EDVR, etc.
shinetzh/model-compression
model compression based on pytorch (1、quantization: 16/8/4/2 bits(dorefa/Quantization and Training of Neural Networks for Efficient Integer-Arithmetic-Only Inference)、ternary/binary value(twn/bnn/xnor-net);2、 pruning: normal、regular and group convolutional channel pruning;3、 group convolution structure;4、batch-normalization folding for quantization)
shinetzh/opencv_transforms
OpenCV implementation of Torchvision's image augmentations
shinetzh/OpticalFlow_Visualization
Python optical flow visualization following Baker et al. (ICCV 2007) as used by the MPI-Sintel challenge
shinetzh/paperlib
An open-source academic paper management tool.
shinetzh/pytorch-classification
Classification with PyTorch.
shinetzh/pytorch-CycleGAN-and-pix2pix
Image-to-Image Translation in PyTorch
shinetzh/pytorch-lr-scheduler
PyTorch implementation of some learning rate schedulers for deep learning researcher.
shinetzh/RCAN
PyTorch code for our ECCV 2018 paper "Image Super-Resolution Using Very Deep Residual Channel Attention Networks"
shinetzh/RealSR
Real-World Super-Resolution via Kernel Estimation and Noise Injection
shinetzh/slambook2
edition 2 of the slambook
shinetzh/stargan-v2
StarGAN v2 - Official PyTorch Implementation (CVPR 2020)
shinetzh/StyleGAN2-Face-Modificator
Simple Encoder, Generator and Face Modificator with StyleGAN2
shinetzh/vico_challenge_baseline
conversation head generation
shinetzh/yolov5
YOLOv5 🚀 in PyTorch > ONNX > CoreML > TFLite