All Projects → Text_summarization_with_tensorflow → Similar Projects or Alternatives

6812 Open source projects that are alternatives of or similar to Text_summarization_with_tensorflow

Deeplearning.ai Natural Language Processing Specialization
This repository contains my full work and notes on Coursera's NLP Specialization (Natural Language Processing) taught by the instructor Younes Bensouda Mourri and Łukasz Kaiser offered by deeplearning.ai
Stars: ✭ 473 (+109.29%)
Practical seq2seq
A simple, minimal wrapper for tensorflow's seq2seq module, for experimenting with datasets rapidly
Stars: ✭ 563 (+149.12%)
Mutual labels:  jupyter-notebook, seq2seq
Pythoncode Tutorials
The Python Code Tutorials
Stars: ✭ 544 (+140.71%)
Me bot
Build a bot that speaks like you!
Stars: ✭ 641 (+183.63%)
Courses
Quiz & Assignment of Coursera
Stars: ✭ 454 (+100.88%)
Machine Learning
머신러닝 입문자 혹은 스터디를 준비하시는 분들에게 도움이 되고자 만든 repository입니다. (This repository is intented for helping whom are interested in machine learning study)
Stars: ✭ 705 (+211.95%)
Ai Series
📚 [.md & .ipynb] Series of Artificial Intelligence & Deep Learning, including Mathematics Fundamentals, Python Practices, NLP Application, etc. 💫 人工智能与深度学习实战,数理统计篇 | 机器学习篇 | 深度学习篇 | 自然语言处理篇 | 工具实践 Scikit & Tensoflow & PyTorch 篇 | 行业应用 & 课程笔记
Stars: ✭ 702 (+210.62%)
Nlp In Practice
Starter code to solve real world text data problems. Includes: Gensim Word2Vec, phrase embeddings, Text Classification with Logistic Regression, word count with pyspark, simple text preprocessing, pre-trained embeddings and more.
Stars: ✭ 790 (+249.56%)
Madewithml
Learn how to responsibly deliver value with ML.
Stars: ✭ 29,253 (+12843.81%)
Covid 19 Bert Researchpapers Semantic Search
BERT semantic search engine for searching literature research papers for coronavirus covid-19 in google colab
Stars: ✭ 23 (-89.82%)
Deep Visual Attention Prediction
Keras implementation of paper 'Deep Visual Attention Prediction' which predicts human eye fixation on view-free scenes.
Stars: ✭ 19 (-91.59%)
Mongolian Bert
Pre-trained Mongolian BERT models
Stars: ✭ 21 (-90.71%)
Practical Nlp
Official Repository for 'Practical Natural Language Processing' by O'Reilly Media
Stars: ✭ 452 (+100%)
Awesome Text Summarization
The guide to tackle with the Text Summarization
Stars: ✭ 990 (+338.05%)
Dive Into Dl Pytorch
本项目将《动手学深度学习》(Dive into Deep Learning)原书中的MXNet实现改为PyTorch实现。
Stars: ✭ 14,234 (+6198.23%)
Machine Translation
Stars: ✭ 51 (-77.43%)
Mutual labels:  seq2seq, sequence-to-sequence
Spark Nlp
State of the Art Natural Language Processing
Stars: ✭ 2,518 (+1014.16%)
Web Database Analytics
Web scrapping and related analytics using Python tools
Stars: ✭ 175 (-22.57%)
Fasttext multilingual
Multilingual word vectors in 78 languages
Stars: ✭ 1,067 (+372.12%)
Python Tutorial Notebooks
Python tutorials as Jupyter Notebooks for NLP, ML, AI
Stars: ✭ 52 (-76.99%)
Mindspore Nlp Tutorial
Natural Language Processing Tutorial for MindSpore Users
Stars: ✭ 58 (-74.34%)
Natural Language Processing
Resources for "Natural Language Processing" Coursera course.
Stars: ✭ 969 (+328.76%)
Xmunmt
An implementation of RNNsearch using TensorFlow
Stars: ✭ 69 (-69.47%)
Mutual labels:  seq2seq, sequence-to-sequence
Ai Writer data2doc
PyTorch Implementation of NBA game summary generator.
Stars: ✭ 69 (-69.47%)
Course Computational Literary Analysis
Course materials for Introduction to Computational Literary Analysis, taught at UC Berkeley in Summer 2018, 2019, and 2020, and at Columbia University in Fall 2020.
Stars: ✭ 74 (-67.26%)
Spark Nlp Models
Models and Pipelines for the Spark NLP library
Stars: ✭ 88 (-61.06%)
Turkish Bert Nlp Pipeline
Bert-base NLP pipeline for Turkish, Ner, Sentiment Analysis, Question Answering etc.
Stars: ✭ 85 (-62.39%)
Codesearchnet
Datasets, tools, and benchmarks for representation learning of code.
Stars: ✭ 1,378 (+509.73%)
Nlp profiler
A simple NLP library allows profiling datasets with one or more text columns. When given a dataset and a column name containing text data, NLP Profiler will return either high-level insights or low-level/granular statistical information about the text in that column.
Stars: ✭ 181 (-19.91%)
Nlp Papers
Papers and Book to look at when starting NLP 📚
Stars: ✭ 111 (-50.88%)
Transformersum
Models to perform neural summarization (extractive and abstractive) using machine learning transformers and a tool to convert abstractive summarization datasets to the extractive task.
Stars: ✭ 107 (-52.65%)
Unified Summarization
Official codes for the paper: A Unified Model for Extractive and Abstractive Summarization using Inconsistency Loss.
Stars: ✭ 114 (-49.56%)
Awesome Embedding Models
A curated list of awesome embedding models tutorials, projects and communities.
Stars: ✭ 1,486 (+557.52%)
Discobert
Code for paper "Discourse-Aware Neural Extractive Text Summarization" (ACL20)
Stars: ✭ 120 (-46.9%)
Rnn For Joint Nlu
Pytorch implementation of "Attention-Based Recurrent Neural Network Models for Joint Intent Detection and Slot Filling" (https://arxiv.org/abs/1609.01454)
Stars: ✭ 176 (-22.12%)
Deeptoxic
top 1% solution to toxic comment classification challenge on Kaggle.
Stars: ✭ 180 (-20.35%)
Notebooks
Jupyter Notebooks with Deep Learning Tutorials
Stars: ✭ 188 (-16.81%)
Aws Machine Learning University Accelerated Nlp
Machine Learning University: Accelerated Natural Language Processing Class
Stars: ✭ 1,695 (+650%)
Transformers
🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.
Stars: ✭ 55,742 (+24564.6%)
Abstractive Summarization
Implementation of abstractive summarization using LSTM in the encoder-decoder architecture with local attention.
Stars: ✭ 128 (-43.36%)
Chinese Chatbot
中文聊天机器人,基于10万组对白训练而成,采用注意力机制,对一般问题都会生成一个有意义的答复。已上传模型,可直接运行,跑不起来直播吃键盘。
Stars: ✭ 124 (-45.13%)
Mutual labels:  jupyter-notebook, seq2seq
Practical Machine Learning With Python
Master the essential skills needed to recognize and solve complex real-world problems with Machine Learning and Deep Learning by leveraging the highly popular Python Machine Learning Eco-system.
Stars: ✭ 1,868 (+726.55%)
100 Days Of Nlp
Stars: ✭ 125 (-44.69%)
Natural Language Processing Specialization
This repo contains my coursework, assignments, and Slides for Natural Language Processing Specialization by deeplearning.ai on Coursera
Stars: ✭ 151 (-33.19%)
Multihead Siamese Nets
Implementation of Siamese Neural Networks built upon multihead attention mechanism for text semantic similarity task.
Stars: ✭ 144 (-36.28%)
Delta
DELTA is a deep learning based natural language and speech processing platform.
Stars: ✭ 1,479 (+554.42%)
Mutual labels:  seq2seq, sequence-to-sequence
Deep News Summarization
News summarization using sequence to sequence model with attention in TensorFlow.
Stars: ✭ 167 (-26.11%)
Mutual labels:  seq2seq, encoder-decoder
Question generation
It is a question-generator model. It takes text and an answer as input and outputs a question.
Stars: ✭ 166 (-26.55%)
Deep Math Machine Learning.ai
A blog which talks about machine learning, deep learning algorithms and the Math. and Machine learning algorithms written from scratch.
Stars: ✭ 173 (-23.45%)
Fixy
Amacımız Türkçe NLP literatüründeki birçok farklı sorunu bir arada çözebilen, eşsiz yaklaşımlar öne süren ve literatürdeki çalışmaların eksiklerini gideren open source bir yazım destekleyicisi/denetleyicisi oluşturmak. Kullanıcıların yazdıkları metinlerdeki yazım yanlışlarını derin öğrenme yaklaşımıyla çözüp aynı zamanda metinlerde anlamsal analizi de gerçekleştirerek bu bağlamda ortaya çıkan yanlışları da fark edip düzeltebilmek.
Stars: ✭ 165 (-26.99%)
Tensorflow Ml Nlp
텐서플로우와 머신러닝으로 시작하는 자연어처리(로지스틱회귀부터 트랜스포머 챗봇까지)
Stars: ✭ 176 (-22.12%)
Mutual labels:  jupyter-notebook, seq2seq
Nel
Entity linking framework
Stars: ✭ 176 (-22.12%)
Bert Sklearn
a sklearn wrapper for Google's BERT model
Stars: ✭ 182 (-19.47%)
Newsrecommender
A news recommendation system tailored for user communities
Stars: ✭ 164 (-27.43%)
Aind Nlp
Coding exercises for the Natural Language Processing concentration, part of Udacity's AIND program.
Stars: ✭ 202 (-10.62%)
Pytorch graph Rel
A PyTorch implementation of GraphRel
Stars: ✭ 204 (-9.73%)
Practical 1
Oxford Deep NLP 2017 course - Practical 1: word2vec
Stars: ✭ 220 (-2.65%)
Neural sp
End-to-end ASR/LM implementation with PyTorch
Stars: ✭ 408 (+80.53%)
Mutual labels:  seq2seq, sequence-to-sequence
Code search
Code For Medium Article: "How To Create Natural Language Semantic Search for Arbitrary Objects With Deep Learning"
Stars: ✭ 436 (+92.92%)
Pytorchnlpbook
Code and data accompanying Natural Language Processing with PyTorch published by O'Reilly Media https://nlproc.info
Stars: ✭ 1,390 (+515.04%)
61-120 of 6812 similar projects