An open API service providing repository metadata for many open source software ecosystems.

GitHub topics: svhn-dataset

penny4860/Yolo-digit-detector

Implemented digit detector in natural scene using resnet50 and Yolo-v2. I used SVHN as the training set, and implemented it using tensorflow and keras.

Language: Jupyter Notebook - Size: 175 MB - Last synced at: 4 days ago - Pushed at: about 2 years ago - Stars: 284 - Forks: 115

nikola310/svhn_classification

Classification of house numbers

Language: Jupyter Notebook - Size: 552 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

JGuymont/humanware

Different convolutional neural network implementations for predicting the lenght of the house numbers in the SVHN image dataset. First part of the Humanware project in ift6759-avanced projects in ML.

Language: Python - Size: 233 MB - Last synced at: about 2 months ago - Pushed at: about 6 years ago - Stars: 6 - Forks: 0

mohsinraza2999/CNN-model-using-SVHN-dataset

Building a CNN model using SVHN dataset

Language: Jupyter Notebook - Size: 145 KB - Last synced at: 6 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

christopher-beckham/amr

Official adversarial mixup resynthesis repository

Language: Python - Size: 13.9 MB - Last synced at: 20 days ago - Pushed at: about 5 years ago - Stars: 35 - Forks: 2

MuGemSt/SVHN-Recognition

This project is a PyTorch implementation that uses deep CNN to recognize multi-digit numbers using the SVHN dataset derived from Google Street View house numbers, each picture contains a set of numbers from 0 to 9, the model is tested to have 89% accuracy.| 使用深度卷积神经网络从街景图像中识别多位数门牌号的PyTorch实现方案,使用的数据集为SVHN,来源于谷歌街景门牌号码,每张图片中包含一组0-9的阿拉伯数字,经测试精确度可达89%

Language: Python - Size: 1.43 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 6 - Forks: 1

GraceSevillano/Advanced-Image-Analysis-Assignments

Solutions for Advanced Image Analysis course assignments, featuring model designs for image summation and generation with MNIST, and style transfer using CycleGAN with MNIST and SVHN datasets.

Language: Jupyter Notebook - Size: 158 MB - Last synced at: about 2 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

attaullah/py_self-supervised

Self-training variants using PyTorch

Language: Python - Size: 22.2 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

radimurban/svhn-synthesis

We implement a conditional Deep Convolutional Generative Adversarial Network (DCGAN) sampling high-quality Street View House Numbers (SVHN), conditioned on an embedding of a desired label.

Language: Jupyter Notebook - Size: 12.6 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

oscarhehe/Svhn-Recognition

提供了一个街景字符编码识别方案以供参考

Language: Python - Size: 20.3 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 1 - Forks: 0

haseebtehsin/Neural-Network-using-Tensorflow-keras-and-SVHN-Dataset

Language: Jupyter Notebook - Size: 1.43 MB - Last synced at: about 1 year ago - Pushed at: about 6 years ago - Stars: 1 - Forks: 3

reshalfahsi/domain-adaptation

Domain Adaptation With Domain-Adversarial Training of Neural Networks

Language: Jupyter Notebook - Size: 239 KB - Last synced at: about 2 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

ChenLiu-1996/GAN-evaluator

A pip-installable evaluator for GANs (IS and FID). Accepts either dataloaders or individual batches. Supports on-the-fly evaluation during training. A working DCGAN SVHN demo script provided.

Language: Python - Size: 778 KB - Last synced at: about 3 hours ago - Pushed at: about 2 years ago - Stars: 10 - Forks: 0

DorinK/Assignment-2-CNN-over-SVHN

Second Assignment in 'Practical topics in Machine Learning' course by Dr. Kfir Bar at Bar-Ilan University

Language: Jupyter Notebook - Size: 272 KB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

joycenerd/yolov5-svhn-detection

Pytorch implementation of homework 2 for VRDL course in 2021 Fall semester at NYCU.

Language: Python - Size: 1.54 MB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 4 - Forks: 0

Galaxies99/SVHN-playground

An Exploration of Machine Learning Methods on SVHN Dataset

Language: Python - Size: 1.09 MB - Last synced at: 13 days ago - Pushed at: almost 4 years ago - Stars: 2 - Forks: 0

Jacob12138xieyuan/digits-recognition-based-on-transfer-learning

Language: Jupyter Notebook - Size: 383 KB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 1 - Forks: 0

pha123661/Domain-Adversarial-Network

Domain adversarial network trained on MNIST-M, SVHN, and USPS

Language: Python - Size: 6.61 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

shouldworkright/svhn-cnn

This repository houses a series of convolutional neural networks and performance benchmarks developed as part of UMass Dartmouth's CIS465 Topics in Computer Vision course.

Language: Jupyter Notebook - Size: 1.41 MB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

adijo/svhn-conv-vae

An implementation of a Convolutional VAE on the SVHN dataset.

Language: Python - Size: 4.57 MB - Last synced at: 30 days ago - Pushed at: about 6 years ago - Stars: 1 - Forks: 0

vuongdanghuy/dl-svhn

Size: 76.4 MB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

lorepas/quantized-neural-network

Implementation of a Quantized Neural Network with low bitwidth of weights, activations and gradients.

Language: Jupyter Notebook - Size: 2.39 GB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

arianehanbi/Self-Supervised-Learning

A project constructing an image representation model via unsupervised and self-supervised learning.

Language: Jupyter Notebook - Size: 220 KB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

JohanYe/CS294-158

Homeworks from CS294-158-19 (Deep unsupervised learning) implemented in Pytorch

Language: Python - Size: 45.2 MB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 1

tonyjo/multi_digit_classification_attention

Using attention for sequence classification for multi-character prediction

Language: Jupyter Notebook - Size: 15 MB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 0

frosty-sh/DigitRecognizer

Convolutional Neural Network created using Keras with tensorflow backend. Machine learning model used to predict the digit on a photo.

Language: Python - Size: 10.1 MB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 0

nWhovian/drcn-digits-classification

Domain Adaptation for digits classification using Deep Reconstruction-Classification Network

Language: Jupyter Notebook - Size: 8.79 KB - Last synced at: about 2 months ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

learningwithmachines/dcgan-svhn

gan that tries to generate samples from the svhn database

Language: Jupyter Notebook - Size: 13.3 MB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 0

Related Keywords
svhn-dataset 28 pytorch 12 deep-learning 9 mnist-dataset 5 gan 3 keras 3 machine-learning 3 mnist 3 svhn 2 computer-vision 2 cnn-classification 2 unsupervised-learning 2 digit-recognition 2 variational-autoencoder 2 cnn 2 vae 2 self-supervised-learning 2 tensorflow 2 generative-adversarial-network 2 domain-adversarial-neural-networks 2 convolutional-neural-networks 2 svhn-classifier 2 deep-neural-networks 2 dcgan 2 domain-adaptation 2 pytorch-cnn 1 transfer-learning 1 hand-written-recognition 1 mnist-m 1 usps-dataset 1 freeze-weight 1 support-vector-machine 1 logistic-regression 1 deep-neural-network 1 yolov5 1 object-detection 1 google-colab 1 coco-format-annotations 1 torchvision 1 pytorch-implmention 1 drcn 1 digits-classification 1 python 1 evaluation 1 classification 1 multi-digit-classification 1 captcha-recognition 1 captcha-dataset 1 attention-mechanism 1 wgan 1 wasserstein-gan 1 pytorch-implementation 1 iwae 1 flow 1 cs294-158 1 qnn 1 colab 1 yolo 1 rcnn 1 faster-rcnn 1 neural-networks 1 keras-neural-networks 1 cnn-keras 1 pytorch-gan 1 plantvillage-dataset 1 fashion-mnist 1 cifar10 1 vibot 1 vae-pytorch 1 vae-implementation 1 gan-pytorch 1 cyclegan-pytorch 1 representation-learning 1 mixup 1 kmnist 1 celeba-dataset 1 autoencoders 1 adversarial-mixup-resynthesis 1 acai 1 cnn-model-using-svhn-dataset 1 university-project 1 squeeze-and-excitation 1 residual-networks 1 yolov2 1 digit-detector 1 metrics 1 inception-score 1 generative-model 1 generation 1 gan-evaluation 1 frechet-inception-distance 1 fid-score 1 fid 1 evaluator 1 evaluation-metrics 1 evaluation-framework 1 pytorch-lightning 1 dann 1 keras-tensorflow 1 yolov8 1