Pinned Repositories
3d-pose-baseline
A simple baseline for 3d human pose estimation in tensorflow. Presented at ICCV 17.
3dcnn.torch
Volumetric CNN for feature extraction and object classification on 3D data.
3dmodel_feature
Code for extracting 3dcnn features of CAD models
chainer
A flexible framework of neural networks for deep learning
deep_learning_customs
deep learning demonstration
FSL-DAPNA
Code for FSL model DAPNA
InsightFace_TF
Insight Face on TensorFlow
onnx
Open Neural Network Exchange
python3_tutorial
python3 tutorial contents
share_tech
share_technology
ASI-SX's Repositories
ASI-SX/bgfx
Cross-platform, graphics API agnostic, "Bring Your Own Engine/Framework" style rendering library.
ASI-SX/cnn-explainer
Learning Convolutional Neural Networks with Interactive Visualization. https://poloclub.github.io/cnn-explainer/
ASI-SX/CVPR2020-Code
CVPR 2020 论文开源项目合集
ASI-SX/DeepFaceLab
DeepFaceLab is the leading software for creating deepfakes.
ASI-SX/DeepLearning
ASI-SX/DRL
Deep Reinforcement Learning
ASI-SX/EfficientDet
EfficientDet (Scalable and Efficient Object Detection) implementation in Keras and Tensorflow
ASI-SX/espnet
End-to-End Speech Processing Toolkit
ASI-SX/LeetCode-Go
✅ Solutions to LeetCode by Go, 100% test coverage, runtime beats 100% / LeetCode 题解
ASI-SX/mimic2
Text to Speech engine based on the Tacotron architecture, initially implemented by Keith Ito.
ASI-SX/mobile-yolov5-pruning-distillation
mobilev2-yolov5s剪枝、蒸馏,支持ncnn,tensorRT部署。ultra-light but better performence!
ASI-SX/MTTS
A Demo of Mandarin/Chinese TTS frontend
ASI-SX/noise2noise
Remove watermark
ASI-SX/PINTO_model_zoo
A repository that shares tuning results of trained models generated by TensorFlow / Keras. Post-training quantization (Weight Quantization, Integer Quantization, Full Integer Quantization, Float16 Quantization), Quantization-aware training. TensorFlow Lite. OpenVINO. CoreML. TensorFlow.js. TF-TRT. MediaPipe. ONNX. [.tflite,.h5,.pb,saved_model,tfjs,tftrt,mlmodel,.xml/.bin, .onnx]
ASI-SX/probing-TTS-models
Link to paper: https://www.isca-speech.org/archive/SpeechProsody_2020/pdfs/51.pdf
ASI-SX/Real-Time-Voice-Cloning
Clone a voice in 5 seconds to generate arbitrary speech in real-time
ASI-SX/Reflection_Summary
算法理论基础知识应知应会
ASI-SX/Ryven
Flow-based visual scripting for Python
ASI-SX/Smart-Chatting-Robot
Smart Chatting Robot using Python and Turing Robot API(使用Python编程和图灵聊天机器人API接口。)
ASI-SX/speech-to-text-benchmark
speech to text benchmark framework
ASI-SX/Tacotron-2
DeepMind's Tacotron-2 Tensorflow implementation
ASI-SX/TANet
The AAAI-2020 Paper(Oral):"TANet: Robust 3D Object Detection from Point Clouds with Triple Attention"
ASI-SX/tesseract
Tesseract Open Source OCR Engine (main repository)
ASI-SX/TransformerTTS
🤖💬 Transformer TTS: Implementation of a non-autoregressive Transformer based neural network for text to speech.
ASI-SX/TTS
:robot: :speech_balloon: Deep learning for Text to Speech (Discussion forum: https://discourse.mozilla.org/c/tts)
ASI-SX/voice-builder
An opensource text-to-speech (TTS) voice building tool
ASI-SX/waifu2x
Image Super-Resolution for Anime-Style Art
ASI-SX/YOLO-v5
:art: Pytorch YOLO v5 训练自己的数据集超详细教程!!! :art: (提供PDF训练教程下载)
ASI-SX/yolov5
YOLOv5 in PyTorch > ONNX > CoreML > iOS
ASI-SX/Yolov5-deepsort-inference
Yolov5 deepsort inference,使用YOLOv5+Deepsort实现车辆行人追踪和计数,代码封装成一个Detector类,更容易嵌入到自己的项目中