All Projects → persiyanov → Skip Thought Tf

persiyanov / Skip Thought Tf

Licence: mit
An implementation of skip-thought vectors in Tensorflow

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Skip Thought Tf

Vectorhub
Vector Hub - Library for easy discovery, and consumption of State-of-the-art models to turn data into vectors. (text2vec, image2vec, video2vec, graph2vec, bert, inception, etc)
Stars: ✭ 317 (+311.69%)
Mutual labels:  deeplearning, embeddings
SentimentAnalysis
Sentiment Analysis: Deep Bi-LSTM+attention model
Stars: ✭ 32 (-58.44%)
Mutual labels:  embeddings, deeplearning
Datastories Semeval2017 Task4
Deep-learning model presented in "DataStories at SemEval-2017 Task 4: Deep LSTM with Attention for Message-level and Topic-based Sentiment Analysis".
Stars: ✭ 184 (+138.96%)
Mutual labels:  deeplearning, embeddings
Text summurization abstractive methods
Multiple implementations for abstractive text summurization , using google colab
Stars: ✭ 359 (+366.23%)
Mutual labels:  deeplearning, text-summarization
Udacity Natural Language Processing Nanodegree
Tutorials and my solutions to the Udacity NLP Nanodegree
Stars: ✭ 73 (-5.19%)
Mutual labels:  deeplearning
Sru Deeplearning Workshop
دوره 12 ساعته یادگیری عمیق با چارچوب Keras
Stars: ✭ 66 (-14.29%)
Mutual labels:  deeplearning
Text Analytics With Python
Learn how to process, classify, cluster, summarize, understand syntax, semantics and sentiment of text data with the power of Python! This repository contains code and datasets used in my book, "Text Analytics with Python" published by Apress/Springer.
Stars: ✭ 1,132 (+1370.13%)
Mutual labels:  text-summarization
Gqn Pytorch
Implementation of GQN in PyTorch
Stars: ✭ 63 (-18.18%)
Mutual labels:  deeplearning
Datamining
数据挖掘开源书
Stars: ✭ 76 (-1.3%)
Mutual labels:  deeplearning
Chinese Word Vectors
100+ Chinese Word Vectors 上百种预训练中文词向量
Stars: ✭ 9,548 (+12300%)
Mutual labels:  embeddings
Ncnn Benchmark
The benchmark of ncnn that is a high-performance neural network inference framework optimized for the mobile platform
Stars: ✭ 70 (-9.09%)
Mutual labels:  deeplearning
Paper Reading
Paper Reading
Stars: ✭ 66 (-14.29%)
Mutual labels:  deeplearning
Deep learning for biologists with keras
tutorials made for biologists to learn deep learning
Stars: ✭ 74 (-3.9%)
Mutual labels:  deeplearning
Pwc Net
PWC-Net: CNNs for Optical Flow Using Pyramid, Warping, and Cost Volume, CVPR 2018 (Oral)
Stars: ✭ 1,142 (+1383.12%)
Mutual labels:  deeplearning
Deeplearning.ai Notes
基于Andrew Ng DeepLearning.ai课程的学习笔记
Stars: ✭ 75 (-2.6%)
Mutual labels:  deeplearning
Deeplearning Nlp Models
A small, interpretable codebase containing the re-implementation of a few "deep" NLP models in PyTorch. Colab notebooks to run with GPUs. Models: word2vec, CNNs, transformer, gpt.
Stars: ✭ 64 (-16.88%)
Mutual labels:  embeddings
Blinkdl
A minimalist deep learning library in Javascript using WebGL + asm.js. Run convolutional neural network in your browser.
Stars: ✭ 69 (-10.39%)
Mutual labels:  deeplearning
Mit Deep Learning
Tutorials, assignments, and competitions for MIT Deep Learning related courses.
Stars: ✭ 8,912 (+11474.03%)
Mutual labels:  deeplearning
Deeplearning4j
All DeepLearning4j projects go here.
Stars: ✭ 68 (-11.69%)
Mutual labels:  deeplearning
Graph 2d cnn
Code and data for the paper 'Classifying Graphs as Images with Convolutional Neural Networks' (new title: 'Graph Classification with 2D Convolutional Neural Networks')
Stars: ✭ 67 (-12.99%)
Mutual labels:  embeddings

skip-thought-tf

An implementation of skip-thought vectors in Tensorflow

Usage

from skipthought import SkipthoughtModel
from skipthought.data_utils import TextData
from skipthought.utils import seq2seq_triples_data_iterator

model = SkipthoughtModel(...)

td = TextData("path/to/data")
lines = td.dataset

prev, curr, next = td.make_triples(lines)
it = td.triples_data_iterator(prev, curr, next, td.max_len, batch_size)

with tf.Session() as sess:
    init = tf.initialize_all_variables()
    sess.run(init)
    
    for enc_inp, prev_inp, prev_targ, next_inp, next_targ in it:
        ....
    
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].