All Projects → swechhachoudhary → Handwriting Synthesis

swechhachoudhary / Handwriting Synthesis

Licence: mit
Implementation of "Generating Sequences With Recurrent Neural Networks" https://arxiv.org/abs/1308.0850

Projects that are alternatives of or similar to Handwriting Synthesis

Deep Learning With Python
Example projects I completed to understand Deep Learning techniques with Tensorflow. Please note that I do no longer maintain this repository.
Stars: ✭ 134 (-0.74%)
Mutual labels:  jupyter-notebook, lstm
Deeplearning tutorials
The deeplearning algorithms implemented by tensorflow
Stars: ✭ 1,580 (+1070.37%)
Mutual labels:  jupyter-notebook, lstm
Pytorch Pos Tagging
A tutorial on how to implement models for part-of-speech tagging using PyTorch and TorchText.
Stars: ✭ 96 (-28.89%)
Mutual labels:  jupyter-notebook, lstm
Language Translation
Neural machine translator for English2German translation.
Stars: ✭ 82 (-39.26%)
Mutual labels:  jupyter-notebook, lstm
Linear Attention Recurrent Neural Network
A recurrent attention module consisting of an LSTM cell which can query its own past cell states by the means of windowed multi-head attention. The formulas are derived from the BN-LSTM and the Transformer Network. The LARNN cell with attention can be easily used inside a loop on the cell state, just like any other RNN. (LARNN)
Stars: ✭ 119 (-11.85%)
Mutual labels:  jupyter-notebook, lstm
Lstm chem
Implementation of the paper - Generative Recurrent Networks for De Novo Drug Design.
Stars: ✭ 87 (-35.56%)
Mutual labels:  jupyter-notebook, lstm
Ml Ai Experiments
All my experiments with AI and ML
Stars: ✭ 107 (-20.74%)
Mutual labels:  jupyter-notebook, lstm
Aiopen
AIOpen是一个按人工智能三要素(数据、算法、算力)进行AI开源项目分类的汇集项目,项目致力于跟踪目前人工智能(AI)的深度学习(DL)开源项目,并尽可能地罗列目前的开源项目,同时加入了一些曾经研究过的代码。通过这些开源项目,使初次接触AI的人们对人工智能(深度学习)有更清晰和更全面的了解。
Stars: ✭ 62 (-54.07%)
Mutual labels:  jupyter-notebook, lstm
Reinforcementlearning Atarigame
Pytorch LSTM RNN for reinforcement learning to play Atari games from OpenAI Universe. We also use Google Deep Mind's Asynchronous Advantage Actor-Critic (A3C) Algorithm. This is much superior and efficient than DQN and obsoletes it. Can play on many games
Stars: ✭ 118 (-12.59%)
Mutual labels:  jupyter-notebook, lstm
Nlp Models Tensorflow
Gathers machine learning and Tensorflow deep learning models for NLP problems, 1.13 < Tensorflow < 2.0
Stars: ✭ 1,603 (+1087.41%)
Mutual labels:  jupyter-notebook, lstm
Machine Learning
My Attempt(s) In The World Of ML/DL....
Stars: ✭ 78 (-42.22%)
Mutual labels:  jupyter-notebook, lstm
Chinese Chatbot
中文聊天机器人,基于10万组对白训练而成,采用注意力机制,对一般问题都会生成一个有意义的答复。已上传模型,可直接运行,跑不起来直播吃键盘。
Stars: ✭ 124 (-8.15%)
Mutual labels:  jupyter-notebook, lstm
Bitcoin Price Prediction Using Lstm
Bitcoin price Prediction ( Time Series ) using LSTM Recurrent neural network
Stars: ✭ 67 (-50.37%)
Mutual labels:  jupyter-notebook, lstm
End To End Sequence Labeling Via Bi Directional Lstm Cnns Crf Tutorial
Tutorial for End-to-end Sequence Labeling via Bi-directional LSTM-CNNs-CRF
Stars: ✭ 87 (-35.56%)
Mutual labels:  jupyter-notebook, lstm
Gdax Orderbook Ml
Application of machine learning to the Coinbase (GDAX) orderbook
Stars: ✭ 60 (-55.56%)
Mutual labels:  jupyter-notebook, lstm
Pytorch Learners Tutorial
PyTorch tutorial for learners
Stars: ✭ 97 (-28.15%)
Mutual labels:  jupyter-notebook, lstm
Ner blstm Crf
LSTM-CRF for NER with ConLL-2002 dataset
Stars: ✭ 51 (-62.22%)
Mutual labels:  jupyter-notebook, lstm
Sentiment Analysis Nltk Ml Lstm
Sentiment Analysis on the First Republic Party debate in 2016 based on Python,NLTK and ML.
Stars: ✭ 61 (-54.81%)
Mutual labels:  jupyter-notebook, lstm
Lstm Gru Pytorch
LSTM and GRU in PyTorch
Stars: ✭ 109 (-19.26%)
Mutual labels:  jupyter-notebook, lstm
Multilstm
keras attentional bi-LSTM-CRF for Joint NLU (slot-filling and intent detection) with ATIS
Stars: ✭ 122 (-9.63%)
Mutual labels:  jupyter-notebook, lstm

Handwriting generation

This project is a web app (CopyMonkey) which uses machine learning to mimic your handwriting style like a monkey. Have fun generating handwriting in your own style!

Demo: https://youtu.be/Ghsb3w0QACI

The ML model is implemented from "Generating Sequences With Recurrent Neural Networks" by Alex Graves (https://arxiv.org/abs/1308.0850)

How to run the web app on your local machine

git clone https://github.com/swechhachoudhary/Handwriting-synthesis.git
cd Handwriting-synthesis
python3 -m venv hand_gen_env
source hand_gen_env/bin/activate
pip install -r requirements.txt
python main.py

How to train handwriting generation (synthesis) model

python train.py --n_epochs 120 --model synthesis --batch_size 64 --text_req

How to train handwriting prediction model

python train.py --n_epochs 120 --model prediction --batch_size 64

Data description:

There are 2 data files that you need to consider: data.npy and sentences.txt. data.npycontains 6000 sequences of points that correspond to handwritten sentences. sentences.txt contains the corresponding text sentences. You can see an example on how to load and plot an example sentence in example.ipynb. Each handwritten sentence is represented as a 2D array with T rows and 3 columns. T is the number of timesteps. The first column represents whether to interrupt the current stroke (i.e. when the pen is lifted off the paper). The second and third columns represent the relative coordinates of the new point with respect to the last point. Please have a look at the plot_stroke if you want to understand how to plot this sequence.

Unconditional generation.

Generated samples: alt text alt text Samples generated using priming:

  • Prime style text is "medical assistance", text after this is generated by model alt text
  • Prime style text is "something which he is passing on", text after this is generated by model alt text
  • Prime style text is "In Africa Jones hotels spring", text after this is generated by model alt text

Conditional generation.

Generated samples: alt text alt text alt text

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].