Segmentation vgg16 fcn - cityscapes

Overview

VGGSegmentation

Segmentation vgg16 fcn - cityscapes Priprema skupa

skripta prepare_dataset_downsampled.py

Iz slika cityscapesa izrezuje haubu automobila, i smanjuje sliku na željenu rezoluciju, to zapisuje u tfrecords formatu. Treba zadati putanju do cityscapesa, izlazni direktorij gdje će se spremati tfrecordsi i zadati željenu rezoluciju.

Priprema težina vgg-a

Da bi se model mogao fine-tuneati treba na disku imati spremljene težine mreže (prethodno naučene na nekom drugom skupu). One se mogu skinuti s interneta u raznim formatima.

Ja sam ih imala spremljene u sljedećim datotekama: conv1_1_biases.bin conv1_1_weights.bin conv1_2_biases.bin conv1_2_weights.bin conv2_1_biases.bin conv2_1_weights.bin conv2_2_biases.bin conv2_2_weights.bin conv3_1_biases.bin conv3_1_weights.bin conv3_2_biases.bin conv3_2_weights.bin conv3_3_biases.bin conv3_3_weights.bin conv4_1_biases.bin conv4_1_weights.bin conv4_2_biases.bin conv4_2_weights.bin conv4_3_biases.bin conv4_3_weights.bin conv5_1_biases.bin conv5_1_weights.bin conv5_2_biases.bin conv5_2_weights.bin conv5_3_biases.bin conv5_3_weights.bin fc6_biases.bin fc6_weights.bin fc7_biases.bin fc7_weights.bin fc8_biases.bin fc8_weights.bin

Ako će se težine učitavati iz ckpt. datoteke npr vgg_16.ckpt, onda će i u kodu trebati mjenjati metodu create_init_op unutar model.py

Konfiguracija

config/cityscapes.py - primjer fajla s konfiguracijom za treniranje

Treba promjeniti putanje

model_path da pokazuje do py fajla s definicijom modela (primjer za takve dvije defincije su model.py i model2.py)

dataset_dir - da pokazuje do foldera s prethodno pripremljenim tfrecordsima (koji sadrzi subdirektorije train i val)

treba paziti pri razlicitim rezolucijama da se promjene zastavice img_width i height

ostale zastavice se većinom odnose na treniranje modela to mjenjati prema potrebi.

subsample_factor zastavica bi označavala faktor za koji se rezolucija mape smanji na kraju mreže. Taj faktor će ovisiti o samome modelu koji se trenira, ako model ima tri pooling sloja 2*2 svaki taj sloj će sliku smanjiti za dva puta pa će ukupno smanjnjenje biti za faktor osam

train.py - skripta koja pokreće skriptu treniranja, nakon svake epohe model se evaluira na skupu za validaciju.

Graph Robustness Benchmark: A scalable, unified, modular, and reproducible benchmark for evaluating the adversarial robustness of Graph Machine Learning.

Homepage | Paper | Datasets | Leaderboard | Documentation Graph Robustness Benchmark (GRB) provides scalable, unified, modular, and reproducible evalu

THUDM 66 Dec 22, 2022
Yolov3 pytorch implementation

YOLOV3 Pytorch实现 在bubbliiing大佬代码的基础上进行了修改,添加了部分注释。 预训练模型 预训练模型来源于bubbliiing。 链接:https://pan.baidu.com/s/1ncREw6Na9ycZptdxiVMApw 提取码:appk 训练自己的数据集 按照VO

4 Aug 27, 2022
[IEEE Transactions on Computational Imaging] Self-Gated Memory Recurrent Network for Efficient Scalable HDR Deghosting

Few-shot Deep HDR Deghosting This repository contains code and pretrained models for our paper: Self-Gated Memory Recurrent Network for Efficient Scal

Susmit Agrawal 4 Dec 29, 2021
You are AllSet: A Multiset Function Framework for Hypergraph Neural Networks.

AllSet This is the repo for our paper: You are AllSet: A Multiset Function Framework for Hypergraph Neural Networks. We prepared all codes and a subse

Jianhao 51 Dec 24, 2022
Multi-Glimpse Network With Python

Multi-Glimpse Network Multi-Glimpse Network: A Robust and Efficient Classification Architecture based on Recurrent Downsampled Attention arXiv Require

9 May 10, 2022
Code for NAACL 2021 full paper "Efficient Attentions for Long Document Summarization"

LongDocSum Code for NAACL 2021 paper "Efficient Attentions for Long Document Summarization" This repository contains data and models needed to reprodu

56 Jan 02, 2023
A Deep Convolutional Encoder-Decoder Architecture for Image Segmentation

Segnet is deep fully convolutional neural network architecture for semantic pixel-wise segmentation. This is implementation of http://arxiv.org/pdf/15

Pradyumna Reddy Chinthala 190 Dec 15, 2022
Two-stage CenterNet

Probabilistic two-stage detection Two-stage object detectors that use class-agnostic one-stage detectors as the proposal network. Probabilistic two-st

Xingyi Zhou 1.1k Jan 03, 2023
Efficient Lottery Ticket Finding: Less Data is More

The lottery ticket hypothesis (LTH) reveals the existence of winning tickets (sparse but critical subnetworks) for dense networks, that can be trained in isolation from random initialization to match

VITA 20 Sep 04, 2022
Implementation for paper MLP-Mixer: An all-MLP Architecture for Vision

MLP Mixer Implementation for paper MLP-Mixer: An all-MLP Architecture for Vision. Give us a star if you like this repo. Author: Github: bangoc123 Emai

Ngoc Nguyen Ba 86 Dec 10, 2022
Classification models 1D Zoo - Keras and TF.Keras

Classification models 1D Zoo - Keras and TF.Keras This repository contains 1D variants of popular CNN models for classification like ResNets, DenseNet

Roman Solovyev 12 Jan 06, 2023
Implementation based on Paper - Learning a Probabilistic Latent Space of Object Shapes via 3D Generative-Adversarial Modeling

Implementation based on Paper - Learning a Probabilistic Latent Space of Object Shapes via 3D Generative-Adversarial Modeling

HamasKhan 3 Jul 08, 2022
HarDNeXt: Official HarDNeXt repository

HarDNeXt-Pytorch HarDNeXt: A Stage Receptive Field and Connectivity Aware Convolution Neural Network HarDNeXt-MSEG for Medical Image Segmentation in 0

5 May 26, 2022
A clean and scalable template to kickstart your deep learning project 🚀 ⚡ 🔥

Lightning-Hydra-Template A clean and scalable template to kickstart your deep learning project 🚀 ⚡ 🔥 Click on Use this template to initialize new re

Hyunsoo Cho 1 Dec 20, 2021
Automate issue discovery for your projects against Lightning nightly and releases.

Automated Testing for Lightning EcoSystem Projects Automate issue discovery for your projects against Lightning nightly and releases. You get CPUs, Mu

Pytorch Lightning 41 Dec 24, 2022
Official code for On Path Integration of Grid Cells: Group Representation and Isotropic Scaling (NeurIPS 2021)

On Path Integration of Grid Cells: Group Representation and Isotropic Scaling This repo contains the official implementation for the paper On Path Int

Ruiqi Gao 39 Nov 10, 2022
End-to-end machine learning project for rices detection

Basmatinet Welcome to this project folks ! Whether you like it or not this project is all about riiiiice or riz in french. It is also about Deep Learn

Béranger 47 Jun 18, 2022
An end-to-end machine learning web app to predict rugby scores (Pandas, SQLite, Keras, Flask, Docker)

Rugby score prediction An end-to-end machine learning web app to predict rugby scores Overview An demo project to provide a high-level overview of the

34 May 24, 2022
An Agnostic Computer Vision Framework - Pluggable to any Training Library: Fastai, Pytorch-Lightning with more to come

IceVision is the first agnostic computer vision framework to offer a curated collection with hundreds of high-quality pre-trained models from torchvision, MMLabs, and soon Pytorch Image Models. It or

airctic 789 Dec 29, 2022
LaneDet is an open source lane detection toolbox based on PyTorch that aims to pull together a wide variety of state-of-the-art lane detection models

LaneDet is an open source lane detection toolbox based on PyTorch that aims to pull together a wide variety of state-of-the-art lane detection models. Developers can reproduce these SOTA methods and

TuZheng 405 Jan 04, 2023