This is a bare bones example of TensorFlow, a machine learning package published by Google. You will not find a simpler introduction to it. In each example, a straight line is fit to some data. Values for the slope and y-intercept of the line that best fit the data are determined using gradient descent. If you do not know about gradient descent, check out the Wikipedia page.
tensorflow tensorflow-tutorials distributed-computing simple big-data linear-regression tensorflow-examples tensorflow-exercisesA simple and well designed structure is essential for any Deep Learning project, so after a lot of practice and contributing in tensorflow projects here's a tensorflow project template that combines simplcity, best practice for folder structure and good OOP design. The main idea is that there's much stuff you do every time you start your tensorflow project, so wrapping all this shared stuff will help you to change just the core idea every time you start a new tensorflow project. You will find a template file and a simple example in the model and trainer folder that shows you how to try your first model simply.
tesnorflow software-engineering oop deep-learning neural-network convolutional-neural-networks tensorflow-tutorials deep-learning-tutorial best-practices tensorflow templateMost of the codes are simple refactorings of Aymeric Damien's Tutorial or Nathan Lintz's Tutorial. There could be missing credits. Please let me know.
tensorflow-tutorials convolutional-neural-networks recurrent-neural-networksAndroid TensorFlow MachineLearning Example (Building TensorFlow for Android)
tensorflow tensorflow-tutorials tensorflow-android machine-learning machine-learning-android tensorflow-models tensorflow-examples deep-learning deep-neural-networks deeplearning deep-learning-tutorialSome interesting TensorFlow tutorials for beginners.
tensorflow tensorflow-tutorials lstm cnnIn these tutorials for reinforcement learning, it covers from the basic RL algorithms to advanced algorithms developed recent years. If you speak Chinese, visit 莫烦 Python or my Youtube channel for more.
reinforcement-learning tutorial q-learning sarsa sarsa-lambda deep-q-network a3c ddpg policy-gradient dqn double-dqn prioritized-replay dueling-dqn deep-deterministic-policy-gradient asynchronous-advantage-actor-critic actor-critic tensorflow-tutorials proximal-policy-optimization ppo machine-learningIn these tutorials, we will build our first Neural Network and try to build some advanced Neural Network architectures developed recent years. All methods mentioned below have their video and text tutorial in Chinese. Visit 莫烦 Python for more.
tensorflow tensorflow-tutorials gan generative-adversarial-network rnn cnn classification regression autoencoder deep-q-network dqn machine-learning tutorial dropout neural-networkSome examples require MNIST dataset for training and testing. Don't worry, this dataset will automatically be downloaded when running examples (with input_data.py). MNIST is a database of handwritten digits, for a quick description of that dataset, you can check this notebook.
recurrent-neural-networks convolutional-neural-networks deep-learning-tutorial tensorflow tensorlayer keras deep-reinforcement-learning tensorflow-tutorials deep-learning machine-learning notebook autoencoder multi-layer-perceptron reinforcement-learning tflearn neural-networks neural-network neural-machine-translation nlp cnnTensorLayer is a novel TensorFlow-based deep learning and reinforcement learning library designed for researchers and engineers. It provides a large collection of customizable neural layers / functions that are key to build real-world AI applications. TensorLayer is awarded the 2017 Best Open Source Software by the ACM Multimedia Society. Simplicity : TensorLayer lifts the low-level dataflow interface of TensorFlow to high-level layers / models. It is very easy to learn through the rich example codes contributed by a wide community.
tensorlayer deep-learning tensorflow machine-learning data-science neural-network reinforcement-learning artificial-intelligence gan a3c tensorflow-tutorials dqn object-detection chatbot tensorflow-tutorial imagenet googleThe goal of this project of mine is to bring users to try and experiment with the seq2seq neural network architecture. This is done by solving different simple toy problems about signal prediction. Normally, seq2seq architectures may be used for other more sophisticated purposes than for signal prediction, let's say, language modeling, but this project is an interesting tutorial in order to then get to more complicated stuff. Except the fact I made available an ".py" Python version of this tutorial within the repository, it is more convenient to run the code inside the notebook. The ".py" code exported feels a bit raw as an exportation.
seq2seq tensorflow tensorflow-tutorialsDeep Reinforcement Learning Course is a free series of blog posts and videos 🆕 about Deep Reinforcement Learning, where we'll learn the main algorithms, and how to implement them with Tensorflow. 📜The articles explain the concept from the big picture to the mathematical details behind it.
deep-reinforcement-learning qlearning deep-learning tensorflow-tutorials tensorflow ppo a2c actor-critic deep-q-network deep-q-learningThis project contains translations of the technical content and Jupyter notebooks published on tensorflow.org. Please file issues under the documentation component of the TensorFlow issue tracker. Questions about TensorFlow usage are better addressed on the TensorFlow Forum.
documentation translation localization tensorflow tensorflow-tutorialsA comprehensive list of Deep Learning / Artificial Intelligence and Machine Learning tutorials - rapidly expanding into areas of AI/Deep Learning / Machine Vision / NLP and industry specific areas such as Climate / Energy, Automotives, Retail, Pharma, Medicine, Healthcare, Policy, Ethics and more.
machine-learning deep-learning tensorflow pytorch keras matplotlib aws kaggle pandas scikit-learn torch artificial-intelligence neural-network convolutional-neural-networks tensorflow-tutorials python-data ipython-notebook capsule-networkAndroid TensorFlow Lite Machine Learning Example
tensorflow tensorflow-tutorials machine-learning tensorflow-lite tensorflow-examples deep-learning deep-neural-networks android-example machine-learning-algorithms tfliteAll pull requests are welcome, make sure to follow the contribution guidelines when you submit pull request.
tensorflow tensorflow-tutorials mnist-classification mnist machine-learning android tensorflow-models machine-learning-android tensorflow-android tensorflow-model mnist-model deep-learning deep-neural-networks deeplearning deep-learning-tutorialtensorflow学习笔记,来源于电子书:《Tensorflow实战Google深度学习框架》
tensorflow tensorflow-tutorials deep-learningTutorials for TensorFlow APIs the official documentation doesn't cover
tensorflow tensorflow-tutorials tensorflow-examples tf-tutorial tensorflow-exercises seq2seqWhile research in Deep Learning continues to improve the world, we use a bunch of tricks to implement algorithms with TensorLayer day to day. Here are a summary of the tricks to use TensorLayer. If you find a trick that is particularly useful in practice, please open a Pull Request to add it to the document. If we find it to be reasonable and verified, we will merge it in.
tensorlayer tensorflow deep-learning machine-learning data-science neural-network reinforcement-learning neural-networks tensorflow-tutorials tensorflow-models computer-vision tensorflow-framework tensorflow-library tflearn keras tensorboard nlp natural-language-processing lasagne tensorflow-experimentsThis real-world scenario focuses on how a large amount of unstructured unlabeled data corpus such as PubMed article abstracts can be analyzed to train a domain-specific word embedding model. Then the output embeddings are considered as automatically generated features to train a neural entity extraction model using Keras with TensorFlow deep learning framework as backend and a small amoht of labeled data.The detailed documentation for this scenario including the step-by-step walk-through: https://review.docs.microsoft.com/en-us/azure/machine-learning/preview/scenario-tdsp-biomedical-recognition.
deep-learning deep-neural-networks natural-language-processing word-embeddings keras-neural-networks tensorflow-tutorials azure-machine-learningbased on "Hands-On Machine Learning with Scikit-Learn & TensorFlow" (O'Reilly, Aurelien Geron)
scikit-learn tensorflow tensorflow-tutorials deep-learning
We have large collection of open source products. Follow the tags from
Tag Cloud >>
Open source products are scattered around the web. Please provide information
about the open source projects you own / you use.
Add Projects.