Pinned Repositories
100-Days-Of-ML-Code
100-Days-Of-ML-Code中文版
100-Days-of-ML-Code-Chinese-Version
Chinese Translation for Machine Learning Infographics
A-journey-into-Convolutional-Neural-Network-visualization-
A journey into Convolutional Neural Network visualization
Awesome-Transformer-Attention
CNNGestureRecognizer
Gesture recognition via CNN. Implemented in Keras + Theano + OpenCV
Conformer
Official code for Conformer: Local Features Coupling Global Representations for Visual Recognition
daily-paper-computer-vision
记录每天整理的计算机视觉/深度学习/机器学习相关方向的论文
deep-learning-for-image-processing
deep learning for image processing including classification and object-detection etc.
deepfakes_faceswap
from deekfakes' faceswap: https://www.reddit.com/user/deepfakes/
DeepLearning.ai-Summary
This repository contains my personal notes and summaries on DeepLearning.ai specialization courses. I've enjoyed every little bit of the course hope you enjoy my notes too.
Peterwangcn's Repositories
Peterwangcn/100-Days-Of-ML-Code
100-Days-Of-ML-Code中文版
Peterwangcn/100-Days-of-ML-Code-Chinese-Version
Chinese Translation for Machine Learning Infographics
Peterwangcn/A-journey-into-Convolutional-Neural-Network-visualization-
A journey into Convolutional Neural Network visualization
Peterwangcn/Awesome-Transformer-Attention
Peterwangcn/CNNGestureRecognizer
Gesture recognition via CNN. Implemented in Keras + Theano + OpenCV
Peterwangcn/Conformer
Official code for Conformer: Local Features Coupling Global Representations for Visual Recognition
Peterwangcn/deep-learning-for-image-processing
deep learning for image processing including classification and object-detection etc.
Peterwangcn/DeepLearning.ai-Summary
This repository contains my personal notes and summaries on DeepLearning.ai specialization courses. I've enjoyed every little bit of the course hope you enjoy my notes too.
Peterwangcn/dex-ycb-toolkit
A Python package that provides evaluation and visualization tools for the DexYCB dataset
Peterwangcn/Domain-and-View-point-Agnostic-Hand-Action-Recognition
Peterwangcn/downkyi
哔哩下载姬downkyi,B站视频下载工具,支持批量下载,支持4K,支持解除地区限制下载,提供工具箱(音视频提取、去水印等)。
Peterwangcn/Faces-DCGAN
DCGAN for human faces generation (Radford architecture, Keras framework)
Peterwangcn/Faceswap-Deepfake-Pytorch
Faceswap with Pytorch or DeepFake with Pytorch
Peterwangcn/FashionAI_KeyPoint_Detection_Challenge_Keras
Code for TianChi 2018 FashionAI Cloth KeyPoint Detection Challenge
Peterwangcn/imageclassification
Deep Learning: Image classification, feature visualization and transfer learning with Keras
Peterwangcn/imagekernels
This is an extension of the excel spreadsheet used in the fast.ai course. This shows how the image kernels work and extend it to develop Convolution Neural Network.
Peterwangcn/Keras-show_ImageDataGenerator
Peterwangcn/KeyPointsDetectionKeras
Lightweight neural network for localizing human anatomical points
Peterwangcn/learnopencv
Learn OpenCV : C++ and Python Examples
Peterwangcn/Mask_RCNN_KeyPoints
将Mask_RCNN应用于关键点检测,基于TensorFlow和Keras
Peterwangcn/MNIST-Machine-Learning
Machine Learning MNIST Digits with a Neural Network in Excel
Peterwangcn/ncnn
ncnn is a high-performance neural network inference framework optimized for the mobile platform
Peterwangcn/Neural-Network-in-spreadsheet
Simple Artificial Neural Network with Backpropagation in Excel spreadsheet with XOR example - for education purpose;
Peterwangcn/pytorch-image-models
PyTorch image models, scripts, pretrained weights -- ResNet, ResNeXT, EfficientNet, EfficientNetV2, NFNet, Vision Transformer, MixNet, MobileNet-V3/V2, RegNet, DPN, CSPNet, and more
Peterwangcn/REKCARC-TSC-UHT
清华大学计算机系课程攻略 Guidance for courses in Department of Computer Science and Technology, Tsinghua University
Peterwangcn/Swin-Transformer
This is an official implementation for "Swin Transformer: Hierarchical Vision Transformer using Shifted Windows".
Peterwangcn/Swin-Transformer-Tensorflow
Unofficial implementation of "Swin Transformer: Hierarchical Vision Transformer using Shifted Windows" (https://arxiv.org/abs/2103.14030)
Peterwangcn/tensorflow_practice
tensorflow实战练习,包括强化学习、推荐系统、nlp等
Peterwangcn/Treasure-of-Transformers
💁 Awesome Treasure of Transformers Models for Natural Language processing contains papers, videos, blogs, official repo along with colab Notebooks. 🛫☑️
Peterwangcn/Unet3-Plus
Clean Implementation of Unet3+ and validation on Cityscapes dataset.