Pinned Repositories
Compile-Tensorflow-C--without-Bazel
Compile Tensorflow C++ without Bazel, You could create a C++ Tensorflow project in your favorite C++ IDEs and build it with Makefile or CMake and you will need to do some extra work to allow gcc to be able to compile successfully C++ Tensorflow codes. So you don't have to compile with bazel! It also approachs a method that Import OpenCV Mat into C++ Tensorflow without copying.Just convert Mat to Tensor for tensorflow run function
Deeplab_Tensorflow
DeepLab: Deep Labelling for Semantic Image Segmentation
SSD-Tensorflow
Single Shot MultiBox Detector in TensorFlow,Please pay attention to my branch about shufflenet-tensorflow.
Tensorflow_image_stylization
This is a repository of image stylization, include conditional instance normalization,conditional weight normalization,conditional stylized-params normalization,adaptive instance normalization and perceptural losses
Tensorflow_Inception_transfer_learning
transfor learning of Inception by tensorflow,include train , test, frozen graph
Tensorflow_Lite_Demo
An example Android application using TensorFLow Lite is available on Tensorflow github, Creating a project directory in tensorflow/tensorflow/contrib/lite/ , which is builted on Android studio 3.0.I have download the model of tflite format and complie the libtensorflowlite_jni.so and libtensorflowlite.jar
Tensorflow_Mobilenet_transfer_learning
transfor learning of Mobilenet by tensorflow,include train , test, frozen graph
Tensorflow_Model_object_detection
object detection by tensorflow/model
Tensorflow_Model_Slim_Classify
Train/Eval the popular network by TF-Slim,include mobilenet/shufflenet/squeezenet/resnet/inception/vgg/alexnet
YOLO_Tensorflow
YOLO( You Only Look Once,including YOLOv1,YOLOv2,YOLOv3) using tensorflow ,including train/detected and export pb script. Convert darknet weight to tensorflow.Implement YOLO with TF_Slim
Robinatp's Repositories
Robinatp/Tensorflow_Model_Slim_Classify
Train/Eval the popular network by TF-Slim,include mobilenet/shufflenet/squeezenet/resnet/inception/vgg/alexnet
Robinatp/YOLO_Tensorflow
YOLO( You Only Look Once,including YOLOv1,YOLOv2,YOLOv3) using tensorflow ,including train/detected and export pb script. Convert darknet weight to tensorflow.Implement YOLO with TF_Slim
Robinatp/Tensorflow_Lite_Demo
An example Android application using TensorFLow Lite is available on Tensorflow github, Creating a project directory in tensorflow/tensorflow/contrib/lite/ , which is builted on Android studio 3.0.I have download the model of tflite format and complie the libtensorflowlite_jni.so and libtensorflowlite.jar
Robinatp/Tensorflow_image_stylization
This is a repository of image stylization, include conditional instance normalization,conditional weight normalization,conditional stylized-params normalization,adaptive instance normalization and perceptural losses
Robinatp/Deeplab_Tensorflow
DeepLab: Deep Labelling for Semantic Image Segmentation
Robinatp/whisper_ppg
whisper ppg for voice change
Robinatp/Compile-Tensorflow-C--without-Bazel
Compile Tensorflow C++ without Bazel, You could create a C++ Tensorflow project in your favorite C++ IDEs and build it with Makefile or CMake and you will need to do some extra work to allow gcc to be able to compile successfully C++ Tensorflow codes. So you don't have to compile with bazel! It also approachs a method that Import OpenCV Mat into C++ Tensorflow without copying.Just convert Mat to Tensor for tensorflow run function
Robinatp/e2e_lfmmi
This is the implementation of paper CONSISTENT TRAINING AND DECODING FOR END-TO-END SPEECH RECOGNITIONUSING LATTICE-FREE MMI submitted to ICASSP2022
Robinatp/SECaps
Robinatp/SSD-Tensorflow
Single Shot MultiBox Detector in TensorFlow,Please pay attention to my branch about shufflenet-tensorflow.
Robinatp/Tensorflow_Model_object_detection
object detection by tensorflow/model
Robinatp/AudioGPT
Robinatp/Awesome-Singing-Voice-Synthesis-and-Singing-Voice-Conversion
A paper and project list about the cutting edge Speech Synthesis, Text-to-Speech (TTS), Singing Voice Synthesis (SVS), Voice Conversion (VC), Singing Voice Conversion (SVC), and related interesting works (such as Music Synthesis, Automatic Music Transcription, Automatic MOS Prediction, SSL-based ASR...etc).
Robinatp/ctc_segmentation
Robinatp/DeepLearning_tutorials
The deeplearning algorithms implemented by tensorflow
Robinatp/DeepLearningExamples
State-of-the-Art Deep Learning scripts organized by models - easy to train and deploy with reproducible accuracy and performance on enterprise-grade infrastructure.
Robinatp/lora
Using Low-rank adaptation to quickly fine-tune diffusion models.
Robinatp/M4Singer
Robinatp/naturalspeech2-pytorch
Implementation of Natural Speech 2, Zero-shot Speech and Singing Synthesizer, in Pytorch
Robinatp/OpenCV4android_without_manager
opencv for android by jar or jni without install manager
Robinatp/pika
a lightweight speech processing toolkit based on Pytorch and (Py)Kaldi
Robinatp/pytorch-kaldi
pytorch-kaldi is a project for developing state-of-the-art DNN/RNN hybrid speech recognition systems. The DNN part is managed by pytorch, while feature extraction, label computation, and decoding are performed with the kaldi toolkit.
Robinatp/so-vits-svc
SoftVC VITS Singing Voice Conversion
Robinatp/Speech-Transformer
A PyTorch implementation of Speech Transformer, an End-to-End ASR with Transformer network on Mandarin Chinese.
Robinatp/tensorflow-for-poets-2
Robinatp/Tensorflow_misc
misc example_of tensorflow
Robinatp/Tensorflow_Model_Inception
Train/Eval the inception network through the flowers and imagenet dataset
Robinatp/uni-svc
svc based on whisper, also for singing voice clone, and target to develop lora for svc.
Robinatp/VISinger2
VISinger 2: High-Fidelity End-to-End Singing Voice Synthesis Enhanced by Digital Signal Processing Synthesizer
Robinatp/wenet
Production First and Production Ready End-to-End Speech Recognition Toolkit