HsiaoChungYen's Stars
Paraworks/vits_with_chatgpt-gpt3
BangguWu/ECANet
Code for ECA-Net: Efficient Channel Attention for Deep Convolutional Neural Networks
innnky/so-vits-svc
基于vits与softvc的歌声音色转换模型
Minami-Yuduru/-ChatGPT_VITS
一个使用OpenAI接口链接VITS模型的语音对话系统GUI
TommyZihao/Train_Custom_Dataset
标注自己的数据集,训练、评估、测试、部署自己的人工智能算法
Kanade-nya/vits-mzk
VITS: Conditional Variational Autoencoder with Adversarial Learning for End-to-End Text-to-Speech
bubbliiiing/yolov7-pytorch
这是一个yolov7的库,可以用于训练自己的数据集。
megvii-model/HINet
jaywalnut310/vits
VITS: Conditional Variational Autoencoder with Adversarial Learning for End-to-End Text-to-Speech
WongKinYiu/yolov7
Implementation of paper - YOLOv7: Trainable bag-of-freebies sets new state-of-the-art for real-time object detectors
SysCV/shift-dev
SHIFT Dataset DevKit - CVPR2022
AMAI-GmbH/AI-Expert-Roadmap
Roadmap to becoming an Artificial Intelligence Expert in 2022
soloice/Matrix_Derivatives
This is a note on matrix derivatives and described my own experience in detail. Hope you'll like it.
apple/ml-cvnets
CVNets: A library for training computer vision networks
wangshusen/AdvancedAlgorithms
DingXiaoH/RepVGG
RepVGG: Making VGG-style ConvNets Great Again
dbolya/yolact
A simple, fully convolutional model for real-time instance segmentation.
CyC2018/CS-Notes
:books: 技术面试必备基础知识、Leetcode、计算机操作系统、计算机网络、系统设计
amusi/Deep-Learning-Interview-Book
深度学习面试宝典(含数学、机器学习、深度学习、计算机视觉、自然语言处理和SLAM等方向)
jacobgil/pytorch-grad-cam
Advanced AI Explainability for computer vision. Support for CNNs, Vision Transformers, Classification, Object detection, Segmentation, Image similarity and more.
vdumoulin/conv_arithmetic
A technical report on convolution arithmetic in the context of deep learning
facebookresearch/mae
PyTorch implementation of MAE https//arxiv.org/abs/2111.06377
openai/CLIP
CLIP (Contrastive Language-Image Pretraining), Predict the most relevant text snippet given an image
ultralytics/yolov5
YOLOv5 🚀 in PyTorch > ONNX > CoreML > TFLite
mli/paper-reading
深度学习经典、新论文逐段精读
keras-team/keras-applications
Reference implementations of popular deep learning models.
fchollet/deep-learning-models
Keras code and weights files for popular deep learning models.
bonlime/keras-deeplab-v3-plus
Keras implementation of Deeplab v3+ with pretrained weights
qqwweee/keras-yolo3
A Keras implementation of YOLOv3 (Tensorflow backend)
eriklindernoren/Keras-GAN
Keras implementations of Generative Adversarial Networks.