Pinned Repositories
2020-
剑指+leetcode
hope_better_job
image-text-localization-recognition
A general list of resources to image text localization and recognition 场景文本位置感知与识别的论文资源汇总
machine-learning-notes
This contains my past machine learning notes
pixel_link
Implementation of our paper 'PixelLink: Detecting Scene Text via Instance Segmentation' in AAAI2018
pp_mattingv2
实时人像抠图
pytorch-caffe-darknet-convert
convert between pytorch, caffe prototxt/weights and darknet cfg/weights
R2CNN_FPN_Tensorflow
R2CNN: Rotational Region CNN Based on FPN (Tensorflow)
tensorflow-deeplab-v3-plus
DeepLabv3+ built in TensorFlow
voc2coco-pattern
change the vocdataset 2 cocodataset pattern
jiachen0212's Repositories
jiachen0212/anomaly-detection-resources
Anomaly detection related books, papers, videos, and toolboxes
jiachen0212/Augmentor
Image augmentation library in Python for machine learning.
jiachen0212/awesome-anomaly-detection
A curated list of awesome anomaly detection resources
jiachen0212/awesome-few-shot-learning
A review for latest few-shot learning works
jiachen0212/Bert-Chinese-Text-Classification-Pytorch
使用Bert,ERNIE,进行中文文本分类
jiachen0212/build-your-own-x
🤓 Build your own (insert technology here)
jiachen0212/chemoinformatics
jiachen0212/ebsynth
Fast Example-based Image Synthesis and Style Transfer
jiachen0212/FloorplanTransformation
Raster-to-Vector: Revisiting Floorplan Transformation
jiachen0212/image-processing-from-scratch
This project contains some interesting image processing algorithms that were wrote in python and c++ from scratch.
jiachen0212/Implicit3DUnderstanding
Official PyTorch code of Holistic 3D Scene Understanding from a Single Image with Implicit Representation (CVPR 2021). Also includes a PyTorch implementation of the decoder of LDIF (from 3D Shape Representation with Local Deep Implicit Functions).
jiachen0212/invoice
增值税发票OCR识别,使用flask微服务架构,识别type:增值税电子普通发票,增值税普通发票,增值税专用发票;识别字段为:发票代码、发票号码、开票日期、校验码、税后金额等
jiachen0212/lightfm
A Python implementation of LightFM, a hybrid recommendation algorithm.
jiachen0212/NN-CUDA-Example
Several simple examples for popular neural network toolkits calling custom CUDA operators.
jiachen0212/onnx-surgery
修改onnx
jiachen0212/Paddle-Lite
Multi-platform high performance deep learning inference engine (『飞桨』多平台高性能深度学习预测引擎)
jiachen0212/PaddleSeg
End-to-end image segmentation kit based on PaddlePaddle.
jiachen0212/PatchMatch-1
The algorithm of patch match implemented by python
jiachen0212/ppf.datamatrix
Pure-python package to generate data matrix codes.
jiachen0212/pytorch-grad-cam
Many Class Activation Map methods implemented in Pytorch for CNNs and Vision Transformers. Including Grad-CAM, Grad-CAM++, Score-CAM, Ablation-CAM and XGrad-CAM
jiachen0212/Pytorch-UNet
PyTorch implementation of the U-Net for image semantic segmentation with high quality images
jiachen0212/ResNeSt
ResNeSt: Split-Attention Networks
jiachen0212/RetinaNet_Tensorflow_Rotation
Focal Loss for Dense Rotation Object Detection
jiachen0212/RLzoo
A Comprehensive Reinforcement Learning Zoo for Simple Usage 🚀
jiachen0212/rotation-yolov5
rotation detection based on yolov5
jiachen0212/SA-AutoAug
Scale-aware Automatic Augmentation for Object Detection (CVPR 2021)
jiachen0212/smore
jiachen0212/tianshou
An elegant PyTorch deep reinforcement learning library.
jiachen0212/toolbox
various cv tools, such as label tools, data augmentation, label conversion, etc.
jiachen0212/Yet-Another-EfficientDet-Pytorch
The pytorch re-implement of the official efficientdet with SOTA performance in real time and pretrained weights.