Pinned Repositories
3D-convolutional-speaker-recognition
:speaker: Deep Learning & 3D Convolutional Neural Networks for Speaker Verification
A-Light-and-Fast-Face-Detector-for-Edge-Devices
A light and fast one class detection framework for edge devices. We provide face detector, head detector, pedestrian detector, vehicle detector......
ABCHack2018
ABCHack entry for car model and color recognition competition.
ACAM_Demo
Real-time Action detection demo for the work Actor Conditioned Attention Maps. This repo includes a complete pipeline for person detection/tracking and analyzing their actions in real-time.
Accurate_Object_Detection
A demonstration of accurate human detector using Otsu's thresholding for images with bi-modal histogram.
Advanced-Lane-Detection
Camera Calibration; Distortion Correction; Perspective transform ("bird-eye view"); Compute curvature and vehicle position.
advanced-lane-finding
advanced lane finding pipeline. used distortion correction, various color spaces, Sobel operators, perspective transforms, and polynomial line fitting.
affnet
Code and weights for local feature affine shape estimation paper "Repeatability Is Not Enough: Learning Discriminative Affine Regions via Discriminability"
yolov3_trt
yingmuying's Repositories
yingmuying/aihwkit
IBM Analog Hardware Acceleration Kit
yingmuying/bindsnet
Simulation of spiking neural networks (SNNs) using PyTorch.
yingmuying/BP-STA
This repository contains code from our paper "Backpropagation with Biologically Plausible Spatio-Temporal Adjustment For Training Deep Spiking Neural Networks" published in Cell Patterns. https://www.cell.com/patterns/fulltext/S2666-3899(22)00119-2
yingmuying/CoreNeuron
Simulator optimized for large scale neural network simulations.
yingmuying/CVPR2020-Code
CVPR 2020 论文开源项目合集
yingmuying/darknet-2
Darknet related stuff: ports of YOLO models to dlib
yingmuying/drawio
Source to app.diagrams.net
yingmuying/ECCV2020-Code
ECCV 2020 论文开源项目合集,同时欢迎各位大佬提交issue,分享ECCV 2020开源项目
yingmuying/FSA-Net
[CVPR19] FSA-Net: Learning Fine-Grained Structure Aggregation for Head Pose Estimation from a Single Image
yingmuying/FunnelAct
yingmuying/gan
Tooling for GANs in TensorFlow
yingmuying/HebbianPCA
Pytorch implementation of Hebbian learning algorithms to train deep convolutional neural networks.
yingmuying/leetcode
Python & JAVA Solutions for Leetcode
yingmuying/License-Plate-Detector
基于Retinaface车牌检测,全新模型仅1.8MB.
yingmuying/MONet-pytorch
Burgess et al. "MONet: Unsupervised Scene Decomposition and Representation"
yingmuying/Paddle-YOLOv4
Paddle-YOLOv4,supports training, at least 41.1% mAP.支持训练,至少41.1%mAP。少数的给出精度的复现。
yingmuying/predrnn-pytorch
Official implementation for NIPS'17 paper: PredRNN: Recurrent Neural Networks for Predictive Learning Using Spatiotemporal LSTMs.
yingmuying/pytorch-doc-zh
Pytorch 中文文档
yingmuying/pytorch-hebbian
A lightweight and flexible framework for Hebbian learning in PyTorch.
yingmuying/pytorch-lif-autograd
yingmuying/rockpool
A machine learning library for spiking neural networks. Supports training with both torch and jax pipelines, and deployment to neuromorphic hardware.
yingmuying/ScaledYOLOv4
yingmuying/SNN_benchmark
yingmuying/stellargraph
StellarGraph - Machine Learning on Graphs
yingmuying/stock-knowledge-graph
利用网络上公开的数据构建一个小型的证券知识图谱/知识库
yingmuying/Transfer-Learning-Library
Transfer Learning Library for Domain Adaptation, Task Adaptation, and Domain Generalization
yingmuying/vehicle-license-plate-ocr
yingmuying/yolodet-pytorch
reproduce the YOLO series of papers in pytorch, including YOLOv4, PP-YOLO, YOLOv5,YOLOv3, etc.
yingmuying/YOLOv4-pytorch
This is a pytorch repository of YOLOv4, attentive YOLOv4 and mobilenet YOLOv4 with PASCAL VOC and COCO
yingmuying/YOLOv4_tensorflow
implement yolov4 with pure tensorflow and you can training net on your own dataset. YOLOv4的纯tensorflow实现,可训练自己的模型.