πŸ™„ Difficult algorithm, Simple code.

Overview

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

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

Branch Stars Forks Awesome Awesome


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.
Owner
ζ·±εΊ¦ε­¦δΉ ε°ε­¦η”Ÿ
TensorFlow 2 implementation of the Yahoo Open-NSFW model

TensorFlow 2 implementation of the Yahoo Open-NSFW model

Bosco Yung 101 Jan 01, 2023
Tool for working with Y-chromosome data from YFull and FTDNA

ycomp ycomp is a tool for working with Y-chromosome data from YFull and FTDNA. Run ycomp -h for information on how to use the program. Installation Th

Alexander Regueiro 2 Jun 18, 2022
Experiment about Deep Person Re-identification with EfficientNet-v2

We evaluated the baseline with Resnet50 and Efficienet-v2 without using pretrained models. Also Resnet50-IBN-A and Efficientnet-v2 using pretrained on ImageNet. We used two datasets: Market-1501 and

lan.nguyen2k 77 Jan 03, 2023
Python framework for Stochastic Differential Equations modeling

SDElearn: a Python package for SDE modeling This package implements functionalities for working with Stochastic Differential Equations models (SDEs fo

4 May 10, 2022
Using Convolutional Neural Networks (CNN) for Semantic Segmentation of Breast Cancer Lesions (BRCA)

Using Convolutional Neural Networks (CNN) for Semantic Segmentation of Breast Cancer Lesions (BRCA). Master's thesis documents. Bibliography, experiments and reports.

Erick Cobos 73 Dec 04, 2022
Keras Model Implementation Walkthrough

Keras Model Implementation Walkthrough

Luke Wood 17 Sep 27, 2022
Deep learning for spiking neural networks

A deep learning library for spiking neural networks. Norse aims to exploit the advantages of bio-inspired neural components, which are sparse and even

Electronic Vision(s) Group β€” BrainScaleS Neuromorphic Hardware 59 Nov 28, 2022
SAT Project - The first project I had done at General Assembly, performed EDA, data cleaning and created data visualizations

Project 1: Standardized Test Analysis by Adam Klesc Overview This project covers: Basic statistics and probability Many Python programming concepts Pr

Adam Muhammad Klesc 1 Jan 03, 2022
Ensembling Off-the-shelf Models for GAN Training

Data-Efficient GANs with DiffAugment project | paper | datasets | video | slides Generated using only 100 images of Obama, grumpy cats, pandas, the Br

MIT HAN Lab 1.2k Dec 26, 2022
Multi-Stage Progressive Image Restoration

Multi-Stage Progressive Image Restoration Syed Waqas Zamir, Aditya Arora, Salman Khan, Munawar Hayat, Fahad Shahbaz Khan, Ming-Hsuan Yang, and Ling Sh

Syed Waqas Zamir 859 Dec 22, 2022
Lava-DL, but with PyTorch-Lightning flavour

Deep learning project seed Use this seed to start new deep learning / ML projects. Built in setup.py Built in requirements Examples with MNIST Badges

Sami BARCHID 4 Oct 31, 2022
MPI-IS Mesh Processing Library

Perceiving Systems Mesh Package This package contains core functions for manipulating meshes and visualizing them. It requires Python 3.5+ and is supp

Max Planck Institute for Intelligent Systems 494 Jan 06, 2023
Source code for the ACL-IJCNLP 2021 paper entitled "T-DNA: Taming Pre-trained Language Models with N-gram Representations for Low-Resource Domain Adaptation" by Shizhe Diao et al.

T-DNA Source code for the ACL-IJCNLP 2021 paper entitled Taming Pre-trained Language Models with N-gram Representations for Low-Resource Domain Adapta

shizhediao 17 Dec 22, 2022
A Framework for Encrypted Machine Learning in TensorFlow

TF Encrypted is a framework for encrypted machine learning in TensorFlow. It looks and feels like TensorFlow, taking advantage of the ease-of-use of t

TF Encrypted 0 Jul 06, 2022
FeTaQA: Free-form Table Question Answering

FeTaQA: Free-form Table Question Answering FeTaQA is a Free-form Table Question Answering dataset with 10K Wikipedia-based {table, question, free-form

Language, Information, and Learning at Yale 40 Dec 13, 2022
Code repository for the paper Computer Vision User Entity Behavior Analytics

Computer Vision User Entity Behavior Analytics Code repository for "Computer Vision User Entity Behavior Analytics" Code Description dataset.csv As di

Sameer Khanna 2 Aug 20, 2022
Code for 'Single Image 3D Shape Retrieval via Cross-Modal Instance and Category Contrastive Learning', ICCV 2021

CMIC-Retrieval Code for Single Image 3D Shape Retrieval via Cross-Modal Instance and Category Contrastive Learning. ICCV 2021. Introduction In this wo

42 Nov 17, 2022
Person Re-identification

Person Re-identification Final project of Computer Vision Table of content Person Re-identification Table of content Students: Proposed method Dataset

Nguyα»…n HoΓ ng QuΓ’n 4 Jun 17, 2021
Code for our work "Activation to Saliency: Forming High-Quality Labels for Unsupervised Salient Object Detection".

A2S-USOD Code for our work "Activation to Saliency: Forming High-Quality Labels for Unsupervised Salient Object Detection". Code will be released upon

15 Dec 16, 2022
PyTorch Implementation of Temporal Output Discrepancy for Active Learning, ICCV 2021

Temporal Output Discrepancy for Active Learning PyTorch implementation of Semi-Supervised Active Learning with Temporal Output Discrepancy, ICCV 2021.

Siyu Huang 33 Dec 06, 2022