Pinned Repositories
1D-deeplearning-model-pytorch
To do a deep learning project on ecg. I use pytorch to reproduce the traditional CNN models include LeNet AlexNet ZFNet VGG GoogLeNet ResNet DenseNet with one demotion.
attention-module
Official PyTorch code for "BAM: Bottleneck Attention Module (BMVC2018)" and "CBAM: Convolutional Block Attention Module (ECCV2018)"
clash-for-linux-backup
clash for linux备份仓库
Computer-Vision
computer-vision-in-action
A computer vision closed-loop learning platform where code can be run interactively online. 学习闭环《计算机视觉实战演练:算法与应用》中文电子书、源码、读者交流社区(持续更新中 ...) 📘 在线电子书 https://charmve.github.io/computer-vision-in-action/ 👇项目主页
cv-arxiv-daily
🎓Automatically Update CV Papers Daily using Github Actions (Update Every 12th hours)
dbscan1d
An efficient 1D implementation of the DBSCAN clustering algorithm
deep-learning-for-image-processing
deep learning for image processing including classification and object-detection etc.
DroneRF
This repository contains all MATLAB and Python codes used for Drones Detection and Identification using their RF signals.
PRML
PRML algorithms implemented in Python
ZHENG2049's Repositories
ZHENG2049/deep-learning-for-image-processing
deep learning for image processing including classification and object-detection etc.
ZHENG2049/DroneRF
This repository contains all MATLAB and Python codes used for Drones Detection and Identification using their RF signals.
ZHENG2049/PRML
PRML algorithms implemented in Python
ZHENG2049/1D-deeplearning-model-pytorch
To do a deep learning project on ecg. I use pytorch to reproduce the traditional CNN models include LeNet AlexNet ZFNet VGG GoogLeNet ResNet DenseNet with one demotion.
ZHENG2049/attention-module
Official PyTorch code for "BAM: Bottleneck Attention Module (BMVC2018)" and "CBAM: Convolutional Block Attention Module (ECCV2018)"
ZHENG2049/clash-for-linux-backup
clash for linux备份仓库
ZHENG2049/Computer-Vision
ZHENG2049/computer-vision-in-action
A computer vision closed-loop learning platform where code can be run interactively online. 学习闭环《计算机视觉实战演练:算法与应用》中文电子书、源码、读者交流社区(持续更新中 ...) 📘 在线电子书 https://charmve.github.io/computer-vision-in-action/ 👇项目主页
ZHENG2049/cv-arxiv-daily
🎓Automatically Update CV Papers Daily using Github Actions (Update Every 12th hours)
ZHENG2049/dbscan1d
An efficient 1D implementation of the DBSCAN clustering algorithm
ZHENG2049/DCASE2023_task2
Submission for task 2 "First-Shot Unsupervised Anomalous Sound Detection for Machine Condition Monitoring" of the DCASE challenge 2023 (https://dcase.community/challenge2023/task-first-shot-unsupervised-anomalous-sound-detection-for-machine-condition-monitoring)
ZHENG2049/Deformable-DETR
Deformable DETR: Deformable Transformers for End-to-End Object Detection.
ZHENG2049/LeetCode-Python
LeetCode solutions in Python2. LeetCode题解 in Python2。
ZHENG2049/Multilayer-SNN-for-audio-samples-classification-using-SpiNNaker
This is the PyNN code used in the paper titled "Multilayer Spiking Neural Network for audio samples classification using SpiNNaker", which is already accepted for publication.
ZHENG2049/PaddleDetection
Object Detection toolkit based on PaddlePaddle. It supports object detection, instance segmentation, multiple object tracking and real-time multi-person keypoint detection.
ZHENG2049/deepvac
PyTorch Project Specification.
ZHENG2049/EMS-YOLO
Offical implementation of "Deep Directly-Trained Spiking Neural Networks for Object Detection" (ICCV2023)
ZHENG2049/LiTiaotiao-Custom-Rules
李跳跳自定义规则
ZHENG2049/meta-transformer-amc
Meta-Transformer: A meta-learning framework for scalable automatic modulation classification
ZHENG2049/Open-Set-Recognition
Open Set Recognition
ZHENG2049/PointPillars
A Simple PointPillars PyTorch Implementation for 3D LiDAR(KITTI) Detection.
ZHENG2049/PyTorch-Spiking-YOLOv3
A PyTorch implementation of Spiking-YOLOv3. Two branches are provided, based on two common PyTorch implementation of YOLOv3(ultralytics/yolov3 & eriklindernoren/PyTorch-YOLOv3), with support for Spiking-YOLOv3-Tiny at present.
ZHENG2049/second.pytorch
SECOND for KITTI/NuScenes object detection
ZHENG2049/SNN-Automotive-Object-Detection
Code of the paper "Efficient Object Detection in Autonomous Driving using Spiking Neural Networks: Performance, Energy Consumption Analysis, and Insights into Open-set Object Discovery"
ZHENG2049/SNN-YOLOv3
ZHENG2049/ssl4asd
Code for the paper "Self-Supervised Learning for Anomalous Sound Detection"
ZHENG2049/trt_yolo_video_pipeline
TensorRT+YOLO系列的 多路 多卡 多实例 并行视频分析处理案例
ZHENG2049/VoiceprintRecognition-Pytorch
This project uses a variety of advanced voiceprint recognition models such as EcapaTdnn, ResNetSE, ERes2Net, CAM++, etc. It is not excluded that more models will be supported in the future. At the same time, this project also supports MelSpectrogram, Spectrogram data preprocessing methods
ZHENG2049/yolov3
YOLOv3 in PyTorch > ONNX > CoreML > TFLite
ZHENG2049/yolov5-pytorch
这是一个YoloV5-pytorch的源码,可以用于训练自己的模型。