All Projects → Tensorflow In Practice Specialization → Similar Projects or Alternatives

6910 Open source projects that are alternatives of or similar to Tensorflow In Practice Specialization

Pytextrank
Python implementation of TextRank for phrase extraction and summarization of text documents
Stars: ✭ 1,675 (+5675.86%)
Ml Da Coursera Yandex Mipt
Machine Learning and Data Analysis Coursera Specialization from Yandex and MIPT
Stars: ✭ 108 (+272.41%)
Mutual labels:  jupyter-notebook, coursera
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 (+362.07%)
100 Days Of Nlp
Stars: ✭ 125 (+331.03%)
Multihead Siamese Nets
Implementation of Siamese Neural Networks built upon multihead attention mechanism for text semantic similarity task.
Stars: ✭ 144 (+396.55%)
Deeplearning.ai Convolutional Neural Networks
Completed assignment jupyter notebook of Foundations of Convolutional Neural Networks, deeplearning.ai coursera course
Stars: ✭ 109 (+275.86%)
Mutual labels:  jupyter-notebook, coursera
Tensorflow Dataset Tutorial
Notebook for my medium article about how to use Dataset API in TensorFlow
Stars: ✭ 158 (+444.83%)
Rnn lstm from scratch
How to build RNNs and LSTMs from scratch with NumPy.
Stars: ✭ 156 (+437.93%)
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 (+468.97%)
Pytorch Question Answering
Important paper implementations for Question Answering using PyTorch
Stars: ✭ 154 (+431.03%)
Web Database Analytics
Web scrapping and related analytics using Python tools
Stars: ✭ 175 (+503.45%)
Machine Learning And Reinforcement Learning In Finance
Machine Learning and Reinforcement Learning in Finance New York University Tandon School of Engineering
Stars: ✭ 173 (+496.55%)
Mutual labels:  jupyter-notebook, coursera
Awesome Embedding Models
A curated list of awesome embedding models tutorials, projects and communities.
Stars: ✭ 1,486 (+5024.14%)
Mathematics For Machine Learning Cousera
quizzes/assignments for mathematics for machine learning specialization on coursera
Stars: ✭ 181 (+524.14%)
Mutual labels:  jupyter-notebook, coursera
Bert Sklearn
a sklearn wrapper for Google's BERT model
Stars: ✭ 182 (+527.59%)
Germanwordembeddings
Toolkit to obtain and preprocess german corpora, train models using word2vec (gensim) and evaluate them with generated testsets
Stars: ✭ 189 (+551.72%)
Machinelearning ng
吴恩达机器学习coursera课程,学习代码(2017年秋) The Stanford Coursera course on MachineLearning with Andrew Ng
Stars: ✭ 181 (+524.14%)
Mutual labels:  jupyter-notebook, coursera
Pytorch graph Rel
A PyTorch implementation of GraphRel
Stars: ✭ 204 (+603.45%)
Tensorflow Deep Learning
All course materials for the Zero to Mastery Deep Learning with TensorFlow course.
Stars: ✭ 170 (+486.21%)
Practical 1
Oxford Deep NLP 2017 course - Practical 1: word2vec
Stars: ✭ 220 (+658.62%)
Deeptoxic
top 1% solution to toxic comment classification challenge on Kaggle.
Stars: ✭ 180 (+520.69%)
Deepnlp Models Pytorch
Pytorch implementations of various Deep NLP models in cs-224n(Stanford Univ)
Stars: ✭ 2,760 (+9417.24%)
Tensorflow 101
TensorFlow Tutorials
Stars: ✭ 2,565 (+8744.83%)
Pytorch Sentiment Analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
Stars: ✭ 3,209 (+10965.52%)
Pytorch Transformers Classification
Based on the Pytorch-Transformers library by HuggingFace. To be used as a starting point for employing Transformer models in text classification tasks. Contains code to easily train BERT, XLNet, RoBERTa, and XLM models for text classification.
Stars: ✭ 229 (+689.66%)
Timesynth
A Multipurpose Library for Synthetic Time Series Generation in Python
Stars: ✭ 170 (+486.21%)
Mutual labels:  series, jupyter-notebook
Bitcoin Price Prediction Using Lstm
Bitcoin price Prediction ( Time Series ) using LSTM Recurrent neural network
Stars: ✭ 67 (+131.03%)
Mutual labels:  series, jupyter-notebook
Dlpython course
Примеры для курса "Программирование глубоких нейронных сетей на Python"
Stars: ✭ 266 (+817.24%)
Pytorchnlpbook
Code and data accompanying Natural Language Processing with PyTorch published by O'Reilly Media https://nlproc.info
Stars: ✭ 1,390 (+4693.1%)
Biosentvec
BioWordVec & BioSentVec: pre-trained embeddings for biomedical words and sentences
Stars: ✭ 308 (+962.07%)
Zhihu
This repo contains the source code in my personal column (https://zhuanlan.zhihu.com/zhaoyeyu), implemented using Python 3.6. Including Natural Language Processing and Computer Vision projects, such as text generation, machine translation, deep convolution GAN and other actual combat code.
Stars: ✭ 3,307 (+11303.45%)
Tensorlayer Tricks
How to use TensorLayer
Stars: ✭ 357 (+1131.03%)
Tf tutorial plus
Tutorials for TensorFlow APIs the official documentation doesn't cover
Stars: ✭ 293 (+910.34%)
Nlp Python Deep Learning
NLP in Python with Deep Learning
Stars: ✭ 374 (+1189.66%)
Data Science
Collection of useful data science topics along with code and articles
Stars: ✭ 315 (+986.21%)
Anlp19
Course repo for Applied Natural Language Processing (Spring 2019)
Stars: ✭ 402 (+1286.21%)
Deep reinforcement learning course
Implementations from the free course Deep Reinforcement Learning with Tensorflow and PyTorch
Stars: ✭ 3,232 (+11044.83%)
Covid 19 Bert Researchpapers Semantic Search
BERT semantic search engine for searching literature research papers for coronavirus covid-19 in google colab
Stars: ✭ 23 (-20.69%)
Practical Nlp
Official Repository for 'Practical Natural Language Processing' by O'Reilly Media
Stars: ✭ 452 (+1458.62%)
Docs
TensorFlow documentation
Stars: ✭ 4,999 (+17137.93%)
Practical Pytorch
Go to https://github.com/pytorch/tutorials - this repo is deprecated and no longer maintained
Stars: ✭ 4,329 (+14827.59%)
Generative Adversarial Networks
Introduction to generative adversarial networks, with code to accompany the O'Reilly tutorial on GANs
Stars: ✭ 505 (+1641.38%)
Xlnet Pytorch
Simple XLNet implementation with Pytorch Wrapper
Stars: ✭ 501 (+1627.59%)
Hate Speech And Offensive Language
Repository for the paper "Automated Hate Speech Detection and the Problem of Offensive Language", ICWSM 2017
Stars: ✭ 543 (+1772.41%)
Adaptnlp
An easy to use Natural Language Processing library and framework for predicting, training, fine-tuning, and serving up state-of-the-art NLP models.
Stars: ✭ 278 (+858.62%)
Speech Emotion Analyzer
The neural network model is capable of detecting five different male/female emotions from audio speeches. (Deep Learning, NLP, Python)
Stars: ✭ 633 (+2082.76%)
Deeplearning Assignment
深度学习笔记
Stars: ✭ 619 (+2034.48%)
Mutual labels:  jupyter-notebook, coursera
Machine Learning Book
《机器学习宝典》包含:谷歌机器学习速成课程(招式)+机器学习术语表(口诀)+机器学习规则(心得)+机器学习中的常识性问题 (内功)。该资源适用于机器学习、深度学习研究人员和爱好者参考!
Stars: ✭ 616 (+2024.14%)
Tensorflow Tutorial
Some interesting TensorFlow tutorials for beginners.
Stars: ✭ 893 (+2979.31%)
Course julia day
Notes for getting to know the Julia programming language in one day.
Stars: ✭ 23 (-20.69%)
Mutual labels:  jupyter-notebook, introduction
Ecco
Visualize and explore NLP language models. Ecco creates interactive visualizations directly in Jupyter notebooks explaining the behavior of Transformer-based language models (like GPT2).
Stars: ✭ 723 (+2393.1%)
Andrew Ng Deep Learning Notes
吴恩达《深度学习》系列课程笔记及代码 | Notes in Chinese for Andrew Ng Deep Learning Course
Stars: ✭ 814 (+2706.9%)
Mutual labels:  jupyter-notebook, coursera
Coursera Ml Using Matlab Python
coursera吴恩达机器学习课程作业自写Python版本+Matlab原版
Stars: ✭ 579 (+1896.55%)
Mutual labels:  jupyter-notebook, coursera
Awesome Google Colab
Google Colaboratory Notebooks and Repositories (by @firmai)
Stars: ✭ 863 (+2875.86%)
Mutual labels:  jupyter-notebook, coursera
Pytorch Pos Tagging
A tutorial on how to implement models for part-of-speech tagging using PyTorch and TorchText.
Stars: ✭ 96 (+231.03%)
Codesearchnet
Datasets, tools, and benchmarks for representation learning of code.
Stars: ✭ 1,378 (+4651.72%)
Nlp Tutorial
Tutorial: Natural Language Processing in Python
Stars: ✭ 274 (+844.83%)
Bert score
BERT score for text generation
Stars: ✭ 568 (+1858.62%)
Seq2seq Signal Prediction
Signal forecasting with a Sequence-to-Sequence (seq2seq) Recurrent Neural Network (RNN) model in TensorFlow - Guillaume Chevalier
Stars: ✭ 890 (+2968.97%)
Syntree2vec
An algorithm to augment syntactic hierarchy into word embeddings
Stars: ✭ 9 (-68.97%)
61-120 of 6910 similar projects