Pinned Repositories
1D-Triplet-CNN
PyTorch implementation of the 1D-Triplet-CNN neural network model described in Fusing MFCC and LPC Features using 1D Triplet CNN for Speaker Recognition in Severely Degraded Audio Signals by A. Chowdhury, and A. Ross.
adapter-wavlm
adaptive-attention-in-cv
Implementation for our paper exploring a novel 2D adaptive attention span kernel in computer vision.
asv-subtools
An Open Source Tools for Speaker Recognition
External-Attention-pytorch
🍀 Pytorch implementation of various Attention Mechanisms, MLP, Re-parameter, Convolution, which is helpful to further understand papers.⭐⭐⭐
pitchtron
TTS for pitch-accented language. Korean dialect DB.
pytorch-cpp-inference
Serving PyTorch 1.0 Models as a Web Server in C++
SCNet
The official PyTorch implementation of CVPR 2020 paper "Improving Convolutional Networks with Self-Calibrated Convolutions"
SimAM
The official pytorch implemention of our ICML paper "SimAM: A Simple, Parameter-Free Attention Module for Convolutional Neural Networks".
studentmanager
基于springboot+mybatis学生管理系统
ts0923's Repositories
ts0923/adapter-wavlm
ts0923/ASRT_SpeechRecognition
A Deep-Learning-Based Chinese Speech Recognition System 基于深度学习的中文语音识别系统
ts0923/chinese2digits
最好的汉字数字(中文数字)-阿拉伯数字转换工具。包含"点二八","负百分之四十"等众多汉语表达方法。NLP,机器人工程必备! The Best Tool of Chinese Number to Digits
ts0923/chinese2digits-java
最好的汉字数字(中文数字)-阿拉伯数字转换工具的Java版本。包含"点二八","负百分之四十"等众多汉语表达方法。NLP,机器人工程必备! The Best Tool of Chinese Number to Digits in Java!
ts0923/chinese_speech_pretrain
chinese speech pretrained models
ts0923/cn2an
📦 快速转化「中文数字」和「阿拉伯数字」~ (最新特性:分数,日期、温度等转化)
ts0923/conformer
PyTorch implementation of "Conformer: Convolution-augmented Transformer for Speech Recognition" (INTERSPEECH 2020)
ts0923/Deep-Learning-in-Production
In this repository, I will share some useful notes and references about deploying deep learning-based models in production.
ts0923/Focal-Transformer
Official code for our NeurIPS 2021 Spotlight "Focal Self-attention for Local-Global Interactions in Vision Transformers"
ts0923/FunASR
A Fundamental End-to-End Speech Recognition Toolkit and Open Source SOTA Pretrained Models, Supporting Speech Recognition, Voice Activity Detection, Text Post-processing etc.
ts0923/gluon-cv
Gluon CV Toolkit
ts0923/hierarchical-attention-networks
Document classification with Hierarchical Attention Networks in TensorFlow. WARNING: project is currently unmaintained, issues will probably not be addressed.
ts0923/libnyquist
:microphone: Cross platform C++11 library for decoding audio (mp3, wav, ogg, opus, flac, etc)
ts0923/lingvo
Lingvo
ts0923/minimp3
Minimalistic MP3 decoder single header library
ts0923/mmdeploy
OpenMMLab Model Deployment Framework
ts0923/MMdnn
MMdnn is a set of tools to help users inter-operate among different deep learning frameworks. E.g. model conversion and visualization. Convert models between Caffe, Keras, MXNet, Tensorflow, CNTK, PyTorch Onnx and CoreML.
ts0923/nvtop
GPU & Accelerator process monitoring for AMD, Apple, Huawei, Intel, NVIDIA and Qualcomm
ts0923/onnx2pytorch
Transform ONNX model to PyTorch representation
ts0923/onnx2torch
Convert ONNX models to PyTorch.
ts0923/Pre-training-language-model
博客配套视频链接: https://space.bilibili.com/383551518?spm_id_from=333.1007.0.0 b 站直接看 配套 github 链接:https://github.com/nickchen121/Pre-training-language-model 配套博客链接:https://www.cnblogs.com/nickchen121/p/15105048.html
ts0923/pykaldi
A Python wrapper for Kaldi
ts0923/PyTorch_Tutorial
《Pytorch模型训练实用教程》中配套代码
ts0923/RedisDesktopManager
:wrench: Cross-platform Developer GUI for Redis
ts0923/SenseVoice
Multilingual Voice Understanding Model
ts0923/speechbrain
A PyTorch-based Speech Toolkit
ts0923/Swin-Transformer
This is an official implementation for "Swin Transformer: Hierarchical Vision Transformer using Shifted Windows".
ts0923/transformers
🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.
ts0923/trt2022_wenet
ts0923/Whisper-Finetune
Fine-tune the Whisper speech recognition model to support training without timestamp data, training with timestamp data, and training without speech data. Accelerate inference and support Web deployment, Windows desktop deployment, and Android deployment