All Projects β†’ YunYang1994 β†’ Tensorflow2.0 Examples

YunYang1994 / Tensorflow2.0 Examples

Licence: mit
πŸ™„ Difficult algorithm, Simple code.

Projects that are alternatives of or similar to Tensorflow2.0 Examples

Deep Learning With Python
Deep learning codes and projects using Python
Stars: ✭ 195 (-86.04%)
Mutual labels:  object-detection, jupyter-notebook, image-classification, resnet, vgg16
Starnet
StarNet
Stars: ✭ 141 (-89.91%)
Mutual labels:  jupyter-notebook, deep-neural-networks, gan, pix2pix
Yolov3 Tf2
YoloV3 Implemented in Tensorflow 2.0
Stars: ✭ 2,327 (+66.57%)
Mutual labels:  object-detection, jupyter-notebook, yolov3, tensorflow-examples
Gans In Action
Companion repository to GANs in Action: Deep learning with Generative Adversarial Networks
Stars: ✭ 748 (-46.46%)
Mutual labels:  jupyter-notebook, deep-neural-networks, gan
Person remover
People removal in images using Pix2Pix and YOLO.
Stars: ✭ 96 (-93.13%)
Mutual labels:  jupyter-notebook, yolov3, pix2pix
Machine Learning
λ¨Έμ‹ λŸ¬λ‹ μž…λ¬Έμž ν˜Ήμ€ μŠ€ν„°λ””λ₯Ό μ€€λΉ„ν•˜μ‹œλŠ” λΆ„λ“€μ—κ²Œ 도움이 되고자 λ§Œλ“  repositoryμž…λ‹ˆλ‹€. (This repository is intented for helping whom are interested in machine learning study)
Stars: ✭ 705 (-49.53%)
Mutual labels:  jupyter-notebook, gan, tensorflow-examples
Dogs vs cats
ηŒ«η‹—ε€§ζˆ˜
Stars: ✭ 570 (-59.2%)
Mutual labels:  jupyter-notebook, image-classification, resnet
Deep learning projects
Stars: ✭ 28 (-98%)
Mutual labels:  jupyter-notebook, gan, image-classification
Tensorlayer
Deep Learning and Reinforcement Learning Library for Scientists and Engineers πŸ”₯
Stars: ✭ 6,796 (+386.47%)
Mutual labels:  object-detection, reinforcement-learning, gan
Channel Pruning
Channel Pruning for Accelerating Very Deep Neural Networks (ICCV'17)
Stars: ✭ 979 (-29.92%)
Mutual labels:  object-detection, deep-neural-networks, image-classification
Alpha pooling
Code for our paper "Generalized Orderless Pooling Performs Implicit Salient Matching" published at ICCV 2017.
Stars: ✭ 51 (-96.35%)
Mutual labels:  jupyter-notebook, image-classification, vgg16
Yolo Tf2
yolo(all versions) implementation in keras and tensorflow 2.4
Stars: ✭ 695 (-50.25%)
Mutual labels:  object-detection, deep-neural-networks, yolov3
Saliency
TensorFlow implementation for SmoothGrad, Grad-CAM, Guided backprop, Integrated Gradients and other saliency techniques
Stars: ✭ 648 (-53.61%)
Mutual labels:  object-detection, jupyter-notebook, deep-neural-networks
Bmw Tensorflow Training Gui
This repository allows you to get started with a gui based training a State-of-the-art Deep Learning model with little to no configuration needed! NoCode training with TensorFlow has never been so easy.
Stars: ✭ 736 (-47.32%)
Mutual labels:  object-detection, deep-neural-networks, resnet
Pix2pixhd
Synthesizing and manipulating 2048x1024 images with conditional GANs
Stars: ✭ 5,553 (+297.49%)
Mutual labels:  deep-neural-networks, gan, pix2pix
Concise Ipython Notebooks For Deep Learning
Ipython Notebooks for solving problems like classification, segmentation, generation using latest Deep learning algorithms on different publicly available text and image data-sets.
Stars: ✭ 23 (-98.35%)
Mutual labels:  jupyter-notebook, deep-neural-networks, image-classification
Computervision Recipes
Best Practices, code samples, and documentation for Computer Vision.
Stars: ✭ 8,214 (+487.97%)
Mutual labels:  object-detection, jupyter-notebook, image-classification
Mish
Official Repsoitory for "Mish: A Self Regularized Non-Monotonic Neural Activation Function" [BMVC 2020]
Stars: ✭ 1,072 (-23.26%)
Mutual labels:  object-detection, jupyter-notebook, image-classification
Deep Ranking
Learning Fine-grained Image Similarity with Deep Ranking is a novel application of neural networks, where the authors use a new multi scale architecture combined with a triplet loss to create a neural network that is able to perform image search. This repository is a simplified implementation of the same
Stars: ✭ 64 (-95.42%)
Mutual labels:  deep-neural-networks, image-classification, resnet
Tf Tutorials
A collection of deep learning tutorials using Tensorflow and Python
Stars: ✭ 524 (-62.49%)
Mutual labels:  jupyter-notebook, gan, resnet

πŸŽ‰TensorFlow2.0-ExamplesπŸŽ‰!

"Talk is cheap, show me the code." ----- Linus Torvalds

Branch Stars Forks Awesome Awesome

Created by YunYang1994

This tutorial was designed for easily diving into TensorFlow2.0. it includes both notebooks and source codes with explanation. It will be continuously updated ! 🐍🐍🐍🐍🐍🐍

Contents

1 - Introduction

  • Hello World (notebook) (code). Very simple example to learn how to print "hello world" using TensorFlow.
  • Variable (notebook) (code). Learn to use variable in tensorflow.
  • Basical operation (notebook) (code). A simple example that covers TensorFlow basic operations.
  • Activation (notebook) (code). Start to know some activation functions in tensorflow.
  • GradientTape (notebook) (code). Introduce a key technique for automatic differentiation

2 - Basical Models

  • Linear Regression (notebook) (code). Implement a Linear Regression with TensorFlow.
  • Logistic Regression (notebook) (code). Implement a Logistic Regression with TensorFlow.
  • Multilayer Perceptron Layer (notebook) (code). Implement Multi-Layer Perceptron Model with TensorFlow.
  • CNN (notebook) (code). Implement CNN Model with TensorFlow.

3 - Neural Network Architecture

  • VGG16 (notebook) (code)(paper). VGG16: Very Deep Convolutional Networks for Large-Scale Image Recognition.
  • Resnet (notebook) (code)(paper). Resnet: Deep Residual Learning for Image Recognition. πŸ”₯πŸ”₯πŸ”₯
  • AutoEncoder (notebook) (code)(paper). AutoEncoder: Reducing the Dimensionality of Data with Neural Networks.

4 - Object Detection

  • RPN (notebook) (code)(paper). RPN: a Region Proposal Network πŸ”₯πŸ”₯πŸ”₯πŸ”₯πŸ”₯

  • MTCNN (notebook) (code)(paper). MTCNN: Joint Face Detection and Alignment using Multi-task Cascaded Convolutional Networks. (Face detection and Alignment) πŸ”₯πŸ”₯

  • YOLOv3 (notebook) (code)(paper). YOLOv3: An Incremental Improvement.πŸ”₯πŸ”₯πŸ”₯πŸ”₯

  • SSD (notebook) (code)(paper). SSD: Single Shot MultiBox Detector.πŸ”₯πŸ”₯πŸ”₯πŸ”₯ 【TO DO】

  • Faster R-CNN (notebook) (code)(paper). Faster R-CNN: Towards Real-Time Object Detection with Region Proposal Networks.πŸ”₯πŸ”₯πŸ”₯πŸ”₯ 【TO DO】

5 - Image Segmentation

  • FCN (notebook) (code)(paper). FCN: Fully Convolutional Networks for Semantic Segmentation. πŸ”₯πŸ”₯πŸ”₯πŸ”₯πŸ”₯

  • Unet (notebook) (code)(paper). U-Net: Convolutional Networks for Biomedical Image Segmentation. πŸ”₯πŸ”₯

6 - Generative Adversarial Networks

  • DCGAN (notebook) (code)(paper). Deep Convolutional Generative Adversarial Network.
  • Pix2Pix (notebook) (code)(paper). Image-to-Image Translation with Conditional Adversarial Networks.

7 - Utils

  • Multiple GPU Training (notebook)(code). Use multiple GPU to train your model.
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].