State of the Art Neural Networks for Deep Learning

Overview

pyradox

This python library helps you with implementing various state of the art neural networks in a totally customizable fashion using Tensorflow 2


Installation

pip install git+https://github.com/Ritvik19/pyradox.git

Usage

Modules

Module Description Input Shape Output Shape Usage
Rescale A layer that rescales the input: x_out = (x_in -mu) / sigma Arbitrary Same shape as input check here
Convolution 2D Applies 2D Convolution followed by Batch Normalization (optional) and Dropout (optional) 4D tensor with shape (batch_shape, rows, cols, channels) 4D tensor with shape (batch_shape, new_rows, new_cols, new_channels) check here
Densely Connected Densely Connected Layer followed by Batch Normalization (optional) and Dropout (optional) 2D tensor with shape (batch_size, input_dim) 2D tensor with shape (batch_size, n_units) check here
DenseNet Convolution Block A Convolution block for DenseNets 4D tensor with shape (batch_shape, rows, cols, channels) 4D tensor with shape (batch_shape, new_rows, new_cols, new_channels) check here
DenseNet Convolution Block A Convolution block for DenseNets 4D tensor with shape (batch_shape, rows, cols, channels) 4D tensor with shape (batch_shape, new_rows, new_cols, new_channels) check here
DenseNet Transition Block A Transition block for DenseNets 4D tensor with shape (batch_shape, rows, cols, channels) 4D tensor with shape (batch_shape, new_rows, new_cols, new_channels) check here
Dense Skip Connection Implementation of a skip connection for densely connected layer 2D tensor with shape (batch_size, input_dim) 2D tensor with shape (batch_size, n_units) check here
VGG Module Implementation of VGG Modules with slight modifications, Applies multiple 2D Convolution followed by Batch Normalization (optional), Dropout (optional) and MaxPooling 4D tensor with shape (batch_shape, rows, cols, channels) 4D tensor with shape (batch_shape, new_rows, new_cols, new_channels) check here
Inception Conv Implementation of 2D Convolution Layer for Inception Net, Convolution Layer followed by Batch Normalization, Activation and optional Dropout 4D tensor with shape (batch_shape, rows, cols, channels) 4D tensor with shape (batch_shape, new_rows, new_cols, new_channels) check here
Inception Block Implementation on Inception Mixing Block 4D tensor with shape (batch_shape, rows, cols, channels) 4D tensor with shape (batch_shape, new_rows, new_cols, new_channels) check here
Xception Block A customised implementation of Xception Block (Depthwise Separable Convolutions) 4D tensor with shape (batch_shape, rows, cols, channels) 4D tensor with shape (batch_shape, new_rows, new_cols, new_channels) check here
Efficient Net Block Implementation of Efficient Net Block (Depthwise Separable Convolutions) 4D tensor with shape (batch_shape, rows, cols, channels) 4D tensor with shape (batch_shape, new_rows, new_cols, new_channels) check here
Conv Skip Connection Implementation of Skip Connection for Convolution Layer 4D tensor with shape (batch_shape, rows, cols, channels) 4D tensor with shape (batch_shape, new_rows, new_cols, new_channels) check here
Res Net Block Customized Implementation of ResNet Block 4D tensor with shape (batch_shape, rows, cols, channels) 4D tensor with shape (batch_shape, new_rows, new_cols, new_channels) check here
Res Net V2 Block Customized Implementation of ResNetV2 Block 4D tensor with shape (batch_shape, rows, cols, channels) 4D tensor with shape (batch_shape, new_rows, new_cols, new_channels) check here
Res NeXt Block Customized Implementation of ResNeXt Block 4D tensor with shape (batch_shape, rows, cols, channels) 4D tensor with shape (batch_shape, new_rows, new_cols, new_channels) check here
Inception Res Net Conv 2D Implementation of Convolution Layer for Inception Res Net: Convolution2d followed by Batch Norm 4D tensor with shape (batch_shape, rows, cols, channels) 4D tensor with shape (batch_shape, new_rows, new_cols, new_channels) check here
Inception Res Net Block Implementation of Inception-ResNet block 4D tensor with shape (batch_shape, rows, cols, channels) 4D tensor with shape (batch_shape, new_rows, new_cols, new_channels) block 8 Block 17 Block 35
NAS Net Separable Conv Block Adds 2 blocks of Separable Conv Batch Norm 4D tensor with shape (batch_shape, rows, cols, channels) 4D tensor with shape (batch_shape, new_rows, new_cols, new_channels) check here
NAS Net Adjust Block Adjusts the input previous path to match the shape of the input
NAS Net Normal A Cell Normal cell for NASNet-A
NAS Net Reduction A Cell Reduction cell for NASNet-A
Mobile Net Conv Block Adds an initial convolution layer with batch normalization and activation 4D tensor with shape (batch_shape, rows, cols, channels) 4D tensor with shape (batch_shape, new_rows, new_cols, new_channels) check here
Mobile Net Depth Wise Conv Block Adds a depthwise convolution block. A depthwise convolution block consists of a depthwise conv, batch normalization, activation, pointwise convolution, batch normalization and activation 4D tensor with shape (batch_shape, rows, cols, channels) 4D tensor with shape (batch_shape, new_rows, new_cols, new_channels) check here
Inverted Res Block Adds an Inverted ResNet block 4D tensor with shape (batch_shape, rows, cols, channels) 4D tensor with shape (batch_shape, new_rows, new_cols, new_channels) check here
SEBlock Adds a Squeeze Excite Block 4D tensor with shape (batch_shape, rows, cols, channels) 4D tensor with shape (batch_shape, new_rows, new_cols, new_channels) check here

ConvNets

Module Description Input Shape Output Shape Usage
Generalized Dense Nets A generalization of Densely Connected Convolutional Networks (Dense Nets) 4D tensor with shape (batch_shape, rows, cols, channels) 4D tensor with shape (batch_shape, new_rows, new_cols, new_channels) check here
Densely Connected Convolutional Network 121 A modified implementation of Densely Connected Convolutional Network 121 4D tensor with shape (batch_shape, rows, cols, channels) 4D tensor with shape (batch_shape, new_rows, new_cols, new_channels) check here
Densely Connected Convolutional Network 169 A modified implementation of Densely Connected Convolutional Network 169 4D tensor with shape (batch_shape, rows, cols, channels) 4D tensor with shape (batch_shape, new_rows, new_cols, new_channels) check here
Densely Connected Convolutional Network 201 A modified implementation of Densely Connected Convolutional Network 201 4D tensor with shape (batch_shape, rows, cols, channels) 4D tensor with shape (batch_shape, new_rows, new_cols, new_channels) check here
Generalized VGG A generalization of VGG network 4D tensor with shape (batch_shape, rows, cols, channels) 4D or 2D tensor usage 1 usage 2
VGG 16 A modified implementation of VGG16 network 4D tensor with shape (batch_shape, rows, cols, channels) 2D tensor with shape (batch_shape, new_dim) usage 1 usage 2
VGG 19 A modified implementation of VGG19 network 4D tensor with shape (batch_shape, rows, cols, channels) 2D tensor with shape (batch_shape, new_dim) usage 1 usage 2
Inception V3 Customized Implementation of Inception Net 4D tensor with shape (batch_shape, rows, cols, channels) 4D tensor with shape (batch_shape, new_rows, new_cols, new_channels) check here
Generalized Xception Generalized Implementation of XceptionNet (Depthwise Separable Convolutions) 4D tensor with shape (batch_shape, rows, cols, channels) 4D tensor with shape (batch_shape, new_rows, new_cols, new_channels) check here
Xception Net A Customised Implementation of XceptionNet 4D tensor with shape (batch_shape, rows, cols, channels) 4D tensor with shape (batch_shape, new_rows, new_cols, new_channels) check here
Efficient Net Generalized Implementation of Effiecient Net 4D tensor with shape (batch_shape, rows, cols, channels) 4D tensor with shape (batch_shape, new_rows, new_cols, new_channels) check here
Efficient Net B0 Customized Implementation of Efficient Net B0 4D tensor with shape (batch_shape, rows, cols, channels) 4D tensor with shape (batch_shape, new_rows, new_cols, new_channels) check here
Efficient Net B1 Customized Implementation of Efficient Net B1 4D tensor with shape (batch_shape, rows, cols, channels) 4D tensor with shape (batch_shape, new_rows, new_cols, new_channels) check here
Efficient Net B2 Customized Implementation of Efficient Net B2 4D tensor with shape (batch_shape, rows, cols, channels) 4D tensor with shape (batch_shape, new_rows, new_cols, new_channels) check here
Efficient Net B3 Customized Implementation of Efficient Net B3 4D tensor with shape (batch_shape, rows, cols, channels) 4D tensor with shape (batch_shape, new_rows, new_cols, new_channels) check here
Efficient Net B4 Customized Implementation of Efficient Net B4 4D tensor with shape (batch_shape, rows, cols, channels) 4D tensor with shape (batch_shape, new_rows, new_cols, new_channels) check here
Efficient Net B5 Customized Implementation of Efficient Net B5 4D tensor with shape (batch_shape, rows, cols, channels) 4D tensor with shape (batch_shape, new_rows, new_cols, new_channels) check here
Efficient Net B6 Customized Implementation of Efficient Net B6 4D tensor with shape (batch_shape, rows, cols, channels) 4D tensor with shape (batch_shape, new_rows, new_cols, new_channels) check here
Efficient Net B7 Customized Implementation of Efficient Net B7 4D tensor with shape (batch_shape, rows, cols, channels) 4D tensor with shape (batch_shape, new_rows, new_cols, new_channels) check here
Res Net Customized Implementation of Res Net 4D tensor with shape (batch_shape, rows, cols, channels) 4D tensor with shape (batch_shape, new_rows, new_cols, new_channels) check here
Res Net 50 Customized Implementation of Res Net 50 4D tensor with shape (batch_shape, rows, cols, channels) 4D tensor with shape (batch_shape, new_rows, new_cols, new_channels) check here
Res Net 101 Customized Implementation of Res Net 101 4D tensor with shape (batch_shape, rows, cols, channels) 4D tensor with shape (batch_shape, new_rows, new_cols, new_channels) check here
Res Net 152 Customized Implementation of Res Net 152 4D tensor with shape (batch_shape, rows, cols, channels) 4D tensor with shape (batch_shape, new_rows, new_cols, new_channels) check here
Res Net V2 Customized Implementation of Res Net V2 4D tensor with shape (batch_shape, rows, cols, channels) 4D tensor with shape (batch_shape, new_rows, new_cols, new_channels) check here
Res Net 50 V2 Customized Implementation of Res Net 50 V2 4D tensor with shape (batch_shape, rows, cols, channels) 4D tensor with shape (batch_shape, new_rows, new_cols, new_channels) check here
Res Net 101 V2 Customized Implementation of Res Net 101 V2 4D tensor with shape (batch_shape, rows, cols, channels) 4D tensor with shape (batch_shape, new_rows, new_cols, new_channels) check here
Res Net 152 V2 Customized Implementation of Res Net 152 V2 4D tensor with shape (batch_shape, rows, cols, channels) 4D tensor with shape (batch_shape, new_rows, new_cols, new_channels) check here
Res NeXt Customized Implementation of Res NeXt 4D tensor with shape (batch_shape, rows, cols, channels) 4D tensor with shape (batch_shape, new_rows, new_cols, new_channels) check here
Res NeXt 50 Customized Implementation of Res NeXt 50 4D tensor with shape (batch_shape, rows, cols, channels) 4D tensor with shape (batch_shape, new_rows, new_cols, new_channels) check here
Res NeXt 101 Customized Implementation of Res NeXt 101 4D tensor with shape (batch_shape, rows, cols, channels) 4D tensor with shape (batch_shape, new_rows, new_cols, new_channels) check here
Res NeXt 152 Customized Implementation of Res NeXt 152 4D tensor with shape (batch_shape, rows, cols, channels) 4D tensor with shape (batch_shape, new_rows, new_cols, new_channels) check here
Inception Res Net V2 Customized Implementation of Inception Res Net V2 4D tensor with shape (batch_shape, rows, cols, channels) 4D tensor with shape (batch_shape, new_rows, new_cols, new_channels) check here
NAS Net Generalised Implementation of NAS Net 4D tensor with shape (batch_shape, rows, cols, channels) 4D tensor with shape (batch_shape, new_rows, new_cols, new_channels) check here
NAS Net Mobile Customized Implementation of NAS Net Mobile 4D tensor with shape (batch_shape, rows, cols, channels) 4D tensor with shape (batch_shape, new_rows, new_cols, new_channels) check here
NAS Net Large Customized Implementation of NAS Net Large 4D tensor with shape (batch_shape, rows, cols, channels) 4D tensor with shape (batch_shape, new_rows, new_cols, new_channels) check here
MobileNet Customized Implementation of MobileNet 4D tensor with shape (batch_shape, rows, cols, channels) 4D tensor with shape (batch_shape, new_rows, new_cols, new_channels) usage 1 usage 2
Mobile Net V2 Customized Implementation of Mobile Net V2 4D tensor with shape (batch_shape, rows, cols, channels) 4D tensor with shape (batch_shape, new_rows, new_cols, new_channels) usage 1 usage 2
Mobile Net V3 Customized Implementation of Mobile Net V3 4D tensor with shape (batch_shape, rows, cols, channels) 4D tensor with shape (batch_shape, new_rows, new_cols, new_channels) usage 1 usage 2

DenseNets

Module Description Input Shape Output Shape Usage
Densely Connected Network Network of Densely Connected Layers followed by Batch Normalization (optional) and Dropout (optional) 2D tensor with shape (batch_size, input_dim) 2D tensor with shape (batch_size, new_dim) check here
Densely Connected Resnet Network of skip connections for densely connected layer 2D tensor with shape (batch_size, input_dim) 2D tensor with shape (batch_size, new_dim) check here
You might also like...
State-of-the-art data augmentation search algorithms in PyTorch
State-of-the-art data augmentation search algorithms in PyTorch

MuarAugment Description MuarAugment is a package providing the easiest way to a state-of-the-art data augmentation pipeline. How to use You can instal

A selection of State Of The Art research papers (and code) on human locomotion (pose + trajectory) prediction (forecasting)

A selection of State Of The Art research papers (and code) on human trajectory prediction (forecasting). Papers marked with [W] are workshop papers.

A state of the art of new lightweight YOLO model implemented by TensorFlow 2.
A state of the art of new lightweight YOLO model implemented by TensorFlow 2.

CSL-YOLO: A New Lightweight Object Detection System for Edge Computing This project provides a SOTA level lightweight YOLO called "Cross-Stage Lightwe

We evaluate our method on different datasets (including ShapeNet, CUB-200-2011, and Pascal3D+) and achieve state-of-the-art results, outperforming all the other supervised and unsupervised methods and 3D representations, all in terms of performance, accuracy, and training time. FastReID is a research platform that implements state-of-the-art re-identification algorithms.
FastReID is a research platform that implements state-of-the-art re-identification algorithms.

FastReID is a research platform that implements state-of-the-art re-identification algorithms.

Summary Explorer is a tool to visually explore the state-of-the-art in text summarization.
Summary Explorer is a tool to visually explore the state-of-the-art in text summarization.

Summary Explorer Summary Explorer is a tool to visually inspect the summaries from several state-of-the-art neural summarization models across multipl

PaddleViT: State-of-the-art Visual Transformer and MLP Models for PaddlePaddle 2.0+
PaddleViT: State-of-the-art Visual Transformer and MLP Models for PaddlePaddle 2.0+

PaddlePaddle Vision Transformers State-of-the-art Visual Transformer and MLP Models for PaddlePaddle 🤖 PaddlePaddle Visual Transformers (PaddleViT or

🤗 Transformers: State-of-the-art Natural Language Processing for Pytorch, TensorFlow, and JAX.
🤗 Transformers: State-of-the-art Natural Language Processing for Pytorch, TensorFlow, and JAX.

English | 简体中文 | 繁體中文 State-of-the-art Natural Language Processing for Jax, PyTorch and TensorFlow 🤗 Transformers provides thousands of pretrained mo

Fuzzification helps developers protect the released, binary-only software from attackers who are capable of applying state-of-the-art fuzzing techniques

About Fuzzification Fuzzification helps developers protect the released, binary-only software from attackers who are capable of applying state-of-the-

Comments
Releases(v1.0.1)
Owner
Ritvik Rastogi
I have been writing code since 2016, and taught myself a handful of skills and programming languages. I love solving problems by writing code
Ritvik Rastogi
Pytorch implement of 'Unmixing based PAN guided fusion network for hyperspectral imagery'

Pgnet There's a improved version compared with the publication in Tgrs with the modification in the deduction of the PDIN block: https://arxiv.org/abs

5 Jul 01, 2022
MediaPipe is a an open-source framework from Google for building multimodal

MediaPipe is a an open-source framework from Google for building multimodal (eg. video, audio, any time series data), cross platform (i.e Android, iOS, web, edge devices) applied ML pipelines. It is

Bhavishya Pandit 3 Sep 30, 2022
Pseudo-Visual Speech Denoising

Pseudo-Visual Speech Denoising This code is for our paper titled: Visual Speech Enhancement Without A Real Visual Stream published at WACV 2021. Autho

Sindhu 94 Oct 22, 2022
Cluster-GCN: An Efficient Algorithm for Training Deep and Large Graph Convolutional Networks

Cluster-GCN: An Efficient Algorithm for Training Deep and Large Graph Convolutional Networks This repository contains a TensorFlow implementation of "

Jingwei Zheng 5 Jan 08, 2023
Code for "FGR: Frustum-Aware Geometric Reasoning for Weakly Supervised 3D Vehicle Detection", ICRA 2021

FGR This repository contains the python implementation for paper "FGR: Frustum-Aware Geometric Reasoning for Weakly Supervised 3D Vehicle Detection"(I

Yi Wei 31 Dec 08, 2022
Prefix-Tuning: Optimizing Continuous Prompts for Generation

Prefix Tuning Files: . ├── gpt2 # Code for GPT2 style autoregressive LM │ ├── train_e2e.py # high-level script

530 Jan 04, 2023
An addon uses SMPL's poses and global translation to drive cartoon character in Blender.

Blender addon for driving character The addon drives the cartoon character by passing SMPL's poses and global translation into model's armature in Ble

犹在镜中 153 Dec 14, 2022
On Out-of-distribution Detection with Energy-based Models

On Out-of-distribution Detection with Energy-based Models This repository contains the code for the experiments conducted in the paper On Out-of-distr

Sven 19 Aug 07, 2022
Unofficial PyTorch Implementation of Multi-Singer

Multi-Singer Unofficial PyTorch Implementation of Multi-Singer: Fast Multi-Singer Singing Voice Vocoder With A Large-Scale Corpus. Requirements See re

SunMail-hub 123 Dec 28, 2022
YOLOv5 + ROS2 object detection package

YOLOv5-ROS YOLOv5 + ROS2 object detection package This program changes the input of detect.py (ultralytics/yolov5) to sensor_msgs/Image of ROS2. Requi

Ar-Ray 23 Dec 19, 2022
Fine-grained Post-training for Improving Retrieval-based Dialogue Systems - NAACL 2021

Fine-grained Post-training for Multi-turn Response Selection Implements the model described in the following paper Fine-grained Post-training for Impr

Janghoon Han 83 Dec 20, 2022
The Python code for the paper A Hybrid Quantum-Classical Algorithm for Robust Fitting

About The Python code for the paper A Hybrid Quantum-Classical Algorithm for Robust Fitting The demo program was only tested under Conda in a standard

Anh-Dzung Doan 5 Nov 28, 2022
Improving 3D Object Detection with Channel-wise Transformer

"Improving 3D Object Detection with Channel-wise Transformer" Thanks for the OpenPCDet, this implementation of the CT3D is mainly based on the pcdet v

Hualian Sheng 107 Dec 20, 2022
Bag of Tricks for Natural Policy Gradient Reinforcement Learning

Bag of Tricks for Natural Policy Gradient Reinforcement Learning [ArXiv] Setup Python 3.8.0 pip install -r req.txt Mujoco 200 license Main Files main.

Brennan Gebotys 1 Oct 10, 2022
EM-POSE 3D Human Pose Estimation from Sparse Electromagnetic Trackers.

EM-POSE: 3D Human Pose Estimation from Sparse Electromagnetic Trackers This repository contains the code to our paper published at ICCV 2021. For ques

Facebook Research 62 Dec 14, 2022
PyTorch implementation of CDistNet: Perceiving Multi-Domain Character Distance for Robust Text Recognition

PyTorch implementation of CDistNet: Perceiving Multi-Domain Character Distance for Robust Text Recognition The unofficial code of CDistNet. Now, we ha

25 Jul 20, 2022
《Deep Single Portrait Image Relighting》(ICCV 2019)

Ratio Image Based Rendering for Deep Single-Image Portrait Relighting [Project Page] This is part of the Deep Portrait Relighting project. If you find

62 Dec 21, 2022
PyTorch Implementation of Region Similarity Representation Learning (ReSim)

ReSim This repository provides the PyTorch implementation of Region Similarity Representation Learning (ReSim) described in this paper: @Article{xiao2

Tete Xiao 74 Jan 03, 2023
GDR-Net: Geometry-Guided Direct Regression Network for Monocular 6D Object Pose Estimation. (CVPR 2021)

GDR-Net This repo provides the PyTorch implementation of the work: Gu Wang, Fabian Manhardt, Federico Tombari, Xiangyang Ji. GDR-Net: Geometry-Guided

169 Jan 07, 2023
YOLOPのPythonでのONNX推論サンプル

YOLOP-ONNX-Video-Inference-Sample YOLOPのPythonでのONNX推論サンプルです。 ONNXモデルは、hustvl/YOLOP/weights を使用しています。 Requirement OpenCV 3.4.2 or later onnxruntime 1.

KazuhitoTakahashi 8 Sep 05, 2022