Pinned Repositories
-
各种工具零件的表面高精度缺陷检测
3DUnetCNN
Pytorch 3D U-Net Convolution Neural Network (CNN) designed for medical image segmentation
bilinearResize_cuda
my implementation of cpu and gpu version of bilinear upsampling
CUDA-Learn-Note
🎉CUDA 笔记 / 高频面试题汇总 / C++笔记,个人笔记,更新随缘: sgemm、sgemv、warp reduce、block reduce、dot product、elementwise、softmax、layernorm、rmsnorm、hist etc.
cuda_voxelizer
CUDA Voxelizer to convert polygon meshes into annotated voxel grids
CudaSteps
基于《cuda编程-基础与实践》(樊哲勇 著)的cuda学习之路。
deeplabv3-plus-pytorch_bubbiiiing
这是一个deeplabv3-plus-pytorch的源码,可以用于训练自己的模型。
faster-rcnn-pytorch
这是一个faster-rcnn的pytorch实现的库,可以利用voc数据集格式的数据进行训练。
how-to-optim-algorithm-in-cuda
how to optimize some algorithm in cuda.
Simsiam-for-CIFAR-10-Chinese
使用了 https://github.com/SaeedShurrab/SimSiam-pytorch 作为Simsiam backbone,添加了中文注释和简单的训练过程
Sirliyang's Repositories
Sirliyang/faster-rcnn-pytorch
这是一个faster-rcnn的pytorch实现的库,可以利用voc数据集格式的数据进行训练。
Sirliyang/how-to-optim-algorithm-in-cuda
how to optimize some algorithm in cuda.
Sirliyang/Pointnet_Pointnet2_pytorch
PointNet and PointNet++ implemented by pytorch (pure python) and on ModelNet, ShapeNet and S3DIS.
Sirliyang/RT-DETR
Official RT-DETR (RTDETR paddle pytorch), Real-Time DEtection TRansformer, DETRs Beat YOLOs on Real-time Object Detection. 🔥 🔥 🔥
Sirliyang/segformer-pytorch
这是一个segformer-pytorch的源码,可以用于训练自己的模型。
Sirliyang/Simsiam-for-CIFAR-10-Chinese
使用了 https://github.com/SaeedShurrab/SimSiam-pytorch 作为Simsiam backbone,添加了中文注释和简单的训练过程
Sirliyang/3DUnetCNN
Pytorch 3D U-Net Convolution Neural Network (CNN) designed for medical image segmentation
Sirliyang/CUDA-Learn-Note
🎉CUDA 笔记 / 高频面试题汇总 / C++笔记,个人笔记,更新随缘: sgemm、sgemv、warp reduce、block reduce、dot product、elementwise、softmax、layernorm、rmsnorm、hist etc.
Sirliyang/cuda_voxelizer
CUDA Voxelizer to convert polygon meshes into annotated voxel grids
Sirliyang/CudaSteps
基于《cuda编程-基础与实践》(樊哲勇 著)的cuda学习之路。
Sirliyang/deeplabv3-plus-pytorch_bubbiiiing
这是一个deeplabv3-plus-pytorch的源码,可以用于训练自己的模型。
Sirliyang/DeepLabV3Plus
Pretrained DeepLabv3 and DeepLabv3+ for Pascal VOC & Cityscapes
Sirliyang/DeepLabV3Plus-Pytorch
colorpoint_DeepLabV3Plus-Pytorch
Sirliyang/efficient_densenet_pytorch
A memory-efficient implementation of DenseNets
Sirliyang/fvcore
Collection of common code that's shared among different research projects in FAIR computer vision team.
Sirliyang/mask-rcnn-tf2
这是一个mask-rcnn-tf2的库,可以用于训练自己的模型。
Sirliyang/Mask2Former
Code release for "Masked-attention Mask Transformer for Universal Image Segmentation"
Sirliyang/Mask2Former-Simplify
Sirliyang/ml-destseg
Sirliyang/model_cryptor
深度学习模型加解密工具
Sirliyang/opencv
Open Source Computer Vision Library
Sirliyang/PCL-algorithm
Implementation of some algorithms in PCL
Sirliyang/pcl-learning
🔥PCL(Point Cloud Library)点云库学习记录
Sirliyang/Rotated-RetinaNet
Rotation RetinaNet for arbitrary-oriented object detection.
Sirliyang/S2ANet
A reimplementation of the S2ANet algorithm for Oriented Object Detection
Sirliyang/TensorRT-YOLOv9
C++ implementation of YOLOv9 using TensorRT API
Sirliyang/tensorrtx
Implementation of popular deep learning networks with TensorRT network definition API
Sirliyang/the-gan-zoo
A list of all named GANs!
Sirliyang/yolact
A simple, fully convolutional model for real-time instance segmentation.
Sirliyang/yolov5-v6.1-pytorch
这是一个yolov5-v6.1-pytorch的源码,可以用于训练自己的模型。