All Projects → oupirum → sp2cp

oupirum / sp2cp

Licence: MIT license
Imageboard bot with recurrent neural network (RNN, GRU)

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to sp2cp

char-rnnlm-tensorflow
Char RNN Language Model based on Tensorflow
Stars: ✭ 14 (-39.13%)
Mutual labels:  rnn, rnn-language-model
Solar-Rad-Forecasting
In these notebooks the entire research and implementation process carried out for the construction of various machine learning models based on neural networks that are capable of predicting levels of solar radiation is captured given a set of historical data taken by meteorological stations.
Stars: ✭ 24 (+4.35%)
Mutual labels:  rnn
Rep-Counter
AI Exercise Rep Counter based on Google's Human Pose Estimation Library (Posenet)
Stars: ✭ 47 (+104.35%)
Mutual labels:  rnn
EBIM-NLI
Enhanced BiLSTM Inference Model for Natural Language Inference
Stars: ✭ 24 (+4.35%)
Mutual labels:  rnn
DrowsyDriverDetection
This is a project implementing Computer Vision and Deep Learning concepts to detect drowsiness of a driver and sound an alarm if drowsy.
Stars: ✭ 82 (+256.52%)
Mutual labels:  rnn
video title classification
Video short title classification.
Stars: ✭ 12 (-47.83%)
Mutual labels:  rnn
Recurrent-Neural-Network-for-BitCoin-price-prediction
Recurrent Neural Network (LSTM) by using TensorFlow and Keras in Python for BitCoin price prediction
Stars: ✭ 53 (+130.43%)
Mutual labels:  rnn
Text-Generate-RNN
中国古诗生成(文本生成)
Stars: ✭ 106 (+360.87%)
Mutual labels:  rnn
Paper-Implementation-DSTP-RNN-For-Stock-Prediction-Based-On-DA-RNN
基於DA-RNN之DSTP-RNN論文試做(Ver1.0)
Stars: ✭ 62 (+169.57%)
Mutual labels:  rnn
5baa61e4c9b93f3f0682250b6cf8331b7ee68fd8
RNN-LSTM that learns passwords from a starting list
Stars: ✭ 35 (+52.17%)
Mutual labels:  rnn
tensorflow-ml-nlp-tf2
텐서플로2와 머신러닝으로 시작하는 자연어처리 (로지스틱회귀부터 BERT와 GPT3까지) 실습자료
Stars: ✭ 245 (+965.22%)
Mutual labels:  rnn
tf-ran-cell
Recurrent Additive Networks for Tensorflow
Stars: ✭ 16 (-30.43%)
Mutual labels:  rnn
ArrayLSTM
GPU/CPU (CUDA) Implementation of "Recurrent Memory Array Structures", Simple RNN, LSTM, Array LSTM..
Stars: ✭ 21 (-8.7%)
Mutual labels:  rnn
MachineLearning Exercises Python TensorFlow
Python&機械学習ライブラリ TensorFlow の使い方の練習コード集。特にニューラルネットワークを重点的に取り扱い。
Stars: ✭ 36 (+56.52%)
Mutual labels:  rnn
cnn-rnn-classifier
A practical example on how to combine both a CNN and a RNN to classify images.
Stars: ✭ 47 (+104.35%)
Mutual labels:  rnn
Handwritten-Text-Recognition
IAM dataset
Stars: ✭ 25 (+8.7%)
Mutual labels:  rnn
stylegan-pokemon
Generating Pokemon cards using a mixture of StyleGAN and RNN to create beautiful & vibrant cards ready for battle!
Stars: ✭ 47 (+104.35%)
Mutual labels:  rnn
solar-forecasting-RNN
Multi-time-horizon solar forecasting using recurrent neural network
Stars: ✭ 29 (+26.09%)
Mutual labels:  rnn
VariationalNeuralAnnealing
A variational implementation of classical and quantum annealing using recurrent neural networks for the purpose of solving optimization problems.
Stars: ✭ 21 (-8.7%)
Mutual labels:  rnn
cnn-rnn-bitcoin
Reusable CNN and RNN model doing time series binary classification
Stars: ✭ 28 (+21.74%)
Mutual labels:  rnn

sp2cp

WIP

Imageboard bot with recurrent neural network (RNN, GRU)

Бот с нейросетью, обучающейся генерировать комментарии на датасете из тредов с 2ch.hk

JUST FOR LULZ

Screenshot Screenshot Screenshot

https://drive.google.com/drive/folders/1Xmm5DTxQ8sJwL2ygefWTPFWsTSviMPDP


How to run


Collect dataset

python3 ./grub_threads.py --board=b

Prepare dataset for training

python3 ./parse_dataset.py --lexicon_limit=100000 --sequence_max_len=50

It will save tokenized dataset and id2token map in ./dataset/parsed/ directory.


Train

python3 ./train.py --epochs=20 --batch_size=100

After training you can find trained models and id2token map in ./models/ directory.


Run autoposter

python3 ./autoposter.py --weights_file=./models/weights.h5 --id2token_file=./models/id2token.json \
  --board=b --passcode=passcode --max_threads=30 \
  --max_res_len=30
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].