Pinned Repositories
Automatic-Music-Transcription
Automatic Music Transciption using Scipy,Numpy, Music21 and Lilypond to take .wav audio and create sheet music.
awesome-deep-learning
A curated list of awesome Deep Learning tutorials, projects and communities.
awesome-ocr
A curated list of promising OCR resources
book
some books
caffe
Caffe: a fast open framework for deep learning.
CaffeModelCompression
Tool to compress trained caffe weights
CNN
This repository contains a ConvNet trained on the NIST SD19 database for handwritten text recognition.
crnn
Convolutional Recurrent Neural Network (CRNN) for image-based sequence recognition.
crnn.pytorch
Convolutional recurrent network in pytorch
CTPN
Detecting Text in Natural Image with Connectionist Text Proposal Network
lngao's Repositories
lngao/awesome-deep-learning
A curated list of awesome Deep Learning tutorials, projects and communities.
lngao/crnn.pytorch
Convolutional recurrent network in pytorch
lngao/deepspeech.pytorch
Speech Recognition using DeepSpeech2 and the CTC activation function. Edit
lngao/DUAL
Code for paper "Exploration in Online Advertising Systems with Deep Uncertainty-Aware Learning"
lngao/EAST
A tensorflow implementation of EAST text detector
lngao/elasticsearch-definitive-guide
The Definitive Guide to Elasticsearch
lngao/elasticsearch-py
Official Python low-level client for Elasticsearch.
lngao/generative-recommenders
Repository hosting code used to reproduce results in "Actions Speak Louder than Words: Trillion-Parameter Sequential Transducers for Generative Recommendations" (https://arxiv.org/abs/2402.17152).
lngao/imgaug
Image augmentation for machine learning experiments.
lngao/labelImg
:metal: LabelImg is a graphical image annotation tool and label object bounding boxes in images
lngao/machine_learning_basics
Plain python implementations of basic machine learning algorithms
lngao/Mask_RCNN
Mask R-CNN for object detection and instance segmentation on Keras and TensorFlow
lngao/MobileNet-SSD
Caffe implementation of Google MobileNet SSD detection network, with pretrained weights on VOC0712 and mAP=0.727.
lngao/models
Models and examples built with TensorFlow
lngao/MultiDigitRecognition
lngao/nlp_scripts
lngao/PapersInTensorflow
Tensorflow学习笔记。哒遛君以及哒遛君的小伙伴们分享的Tensorflow使用经验。
lngao/postfilter-gan
lngao/python-pesq
A python package for calculating the PESQ.
lngao/shadowsocks-windows
If you want to keep a secret, you must also hide it from yourself.
lngao/ShadowsocksX-NG
Next Generation of ShadowsocksX
lngao/state-of-the-art-result-for-machine-learning-problems
This repository provides state of the art (SoTA) results for all machine learning problems. We do our best to keep this repository up to date. If you do find a problem's SoTA result is out of date or missing, please raise this as an issue or submit Google form (with this information: research paper name, dataset, metric, source code and year). We will fix it immediately.
lngao/tacotron
A TensorFlow Implementation of Tacotron: A Fully End-to-End Text-To-Speech Synthesis Model
lngao/Tacotron-2
DeepMind's Tacotron-2 Tensorflow implementation
lngao/tacotron2
Tacotron 2 - PyTorch implementation with faster-than-realtime inference
lngao/tensorflow
Computation using data flow graphs for scalable machine learning
lngao/Tensorflow-Project-Template
A best practice for tensorflow project template architecture.
lngao/tensorflow-wavenet
A TensorFlow implementation of DeepMind's WaveNet paper
lngao/the-gan-zoo
A list of all named GANs!
lngao/torchsample
High-Level Training, Data Augmentation, and Utilities for Pytorch