Topic: "auto-encoder"
mahmoudnafifi/Deep_White_Balance
Reference code for the paper: Deep White-Balance Editing (CVPR 2020). Our method is a deep learning multi-task framework for white-balance editing.
Language: Python - Size: 103 MB - Last synced at: 6 months ago - Pushed at: almost 2 years ago - Stars: 536 - Forks: 69

accel-brain/accel-brain-code
The purpose of this repository is to make prototypes as case study in the context of proof of concept(PoC) and research and development(R&D) that I have written in my website. The main research topics are Auto-Encoders in relation to the representation learning, the statistical machine learning for energy-based models, adversarial generation networks(GANs), Deep Reinforcement Learning such as Deep Q-Networks, semi-supervised learning, and neural network language model for natural language processing.
Language: Python - Size: 98.3 MB - Last synced at: 8 days ago - Pushed at: over 1 year ago - Stars: 314 - Forks: 91

zubair-irshad/CenterSnap
Pytorch code for ICRA'22 paper: "Single-Shot Multi-Object 3D Shape Reconstruction and Categorical 6D Pose and Size Estimation"
Language: Jupyter Notebook - Size: 94.7 MB - Last synced at: 15 days ago - Pushed at: 10 months ago - Stars: 308 - Forks: 53

AdneneBoumessouer/MVTec-Anomaly-Detection
This project proposes an end-to-end framework for semi-supervised Anomaly Detection and Segmentation in images based on Deep Learning.
Language: Python - Size: 419 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 244 - Forks: 54

JulienAu/Anomaly_Detection_Tuto
Anomaly detection tutorial on univariate time series with an auto-encoder
Language: Jupyter Notebook - Size: 100 MB - Last synced at: 7 months ago - Pushed at: about 4 years ago - Stars: 188 - Forks: 29

antao97/UnsupervisedPointCloudReconstruction 📦
Experiments on unsupervised point cloud reconstruction.
Language: Python - Size: 13 MB - Last synced at: about 1 month ago - Pushed at: almost 3 years ago - Stars: 166 - Forks: 27

SRainGit/CAE-LO
CAE-LO: LiDAR Odometry Leveraging Fully Unsupervised Convolutional Auto-Encoder for Interest Point Detection and Feature Description
Language: Python - Size: 18.2 MB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 108 - Forks: 27

aashishrai3799/3DFaceCAM
Implementation of a 3D Face Generative Model
Language: Python - Size: 59.9 MB - Last synced at: 17 days ago - Pushed at: over 1 year ago - Stars: 95 - Forks: 15

dongjun-Lee/transfer-learning-text-tf
Tensorflow implementation of Semi-supervised Sequence Learning (https://arxiv.org/abs/1511.01432)
Language: Python - Size: 4.88 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 82 - Forks: 22

taohan10200/CRA5
A large compression model for weather and climate data, which compresses a 400+ TB ERA5 dataset into a new 0.8 TB CRA5 dataset.
Language: Python - Size: 15.4 MB - Last synced at: 7 days ago - Pushed at: 6 months ago - Stars: 63 - Forks: 2

xiaogp/track_sequence_anomaly_detection
由时间空间成对组成的轨迹序列,通过循环神经网络lstm,自编码器auto-encode,时空密度聚类st-dbscan做异常检测
Language: Python - Size: 20.9 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 56 - Forks: 16

loaiabdalslam/FC
Face enhancer - Denoising Auto Encoder by Tensorflow and Keras and skimage
Language: Jupyter Notebook - Size: 6.16 MB - Last synced at: 7 days ago - Pushed at: about 3 years ago - Stars: 49 - Forks: 9

Graph-COM/GAD-NR
[WSDM 2024] GAD-NR : Graph Anomaly Detection via Neighborhood Reconstruction
Language: Jupyter Notebook - Size: 25.6 MB - Last synced at: 17 days ago - Pushed at: 5 months ago - Stars: 42 - Forks: 2

matenure/mvGAE
Drug Similarity Integration Through Attentive Multi-view Graph Auto-Encoders (IJCAI 2018)
Language: Python - Size: 20.5 KB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 31 - Forks: 12

shrebox/Course-Recommendation-System
A system that will help in a personalized recommendation of courses for an upcoming semester based on the performance of previous semesters.
Language: Jupyter Notebook - Size: 4.08 MB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 27 - Forks: 2

pabaq/Coursera-TensorFlow-Advanced-Techniques-Specialization
Programming assignments and labs from the TensorFlow Advanced Techniques Specialization offered by deeplearning.ai on Coursera.
Language: Jupyter Notebook - Size: 248 MB - Last synced at: 4 months ago - Pushed at: about 2 years ago - Stars: 27 - Forks: 8

rezazad68/AttentionDeeplabv3p
Attention Deeplabv3+: Multi-level Context Attention Mechanism for Skin Lesion Segmentation
Language: Python - Size: 770 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 27 - Forks: 11

anderzzz/monkey_caput
Custom PyTorch model (VGG-16 Auto-Encoder) and custom criterion (Local Aggregation) for image clustering. The repo contains elaborated creation of fungi image data using factory method.
Language: Python - Size: 162 KB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 26 - Forks: 15

nitinagarwal/QuadricLoss
Learning Embedding of 3D models with Quadric Loss
Language: Python - Size: 106 KB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 19 - Forks: 2

YeongHyeon/adVAE
Implementation of 'Self-Adversarial Variational Autoencoder with Gaussian Anomaly Prior Distribution for Anomaly Detection'
Language: Python - Size: 3.38 MB - Last synced at: 17 days ago - Pushed at: almost 4 years ago - Stars: 19 - Forks: 4

rmojgani/PhysicsAwareAE
The unsupervised learning problem trains a diffeomorphic spatio-temporal grid, that registers the output sequence of the PDEs onto a non-uniform parameter/time-varying grid, such that the Kolmogorov n-width of the mapped data on the learned grid is minimized.
Language: Jupyter Notebook - Size: 56.1 MB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 16 - Forks: 4

cainmagi/MDNT
Modern Deep Network Toolkits for Tensorflow-Keras. This is a extension for newest tensorflow 1.x.
Language: Python - Size: 2.75 MB - Last synced at: 19 days ago - Pushed at: over 4 years ago - Stars: 12 - Forks: 6

wyu-du/text-style-transfer
A neural text style transfer model
Language: Roff - Size: 250 MB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 12 - Forks: 1

chen0040/keras-search-engine
A simple document and image search engine implemented in keras
Language: Python - Size: 58 MB - Last synced at: 17 days ago - Pushed at: about 7 years ago - Stars: 11 - Forks: 4

YeonwooSung/SelfSupervisedLearning_PyTorch
PyTorch Implementation of Self-Supervised Learning models
Language: Jupyter Notebook - Size: 23.1 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 10 - Forks: 6

KelleyYin/XLM-Plus
Language: Python - Size: 231 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 10 - Forks: 1

jrothschild33/FudanUniversity-MachineLearning
2020 Spring Fudan University Machine Learning Course HW by prof. Chen Qin. 复旦大学大数据学院2020年春季课程-人工智能与机器学习(DATA620006)
Language: Python - Size: 112 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 7 - Forks: 6

YeongHyeon/Context-Encoder
TensorFlow implementation of "Context Encoders: Feature Learning by Inpainting" with CelebAMask-HQ Dataset.
Language: Python - Size: 141 MB - Last synced at: 1 day ago - Pushed at: about 4 years ago - Stars: 7 - Forks: 0

YeongHyeon/ConAD-PyTorch
Implementation of Consistency-based anomaly detection (ConAD)
Language: Python - Size: 2.58 MB - Last synced at: 17 days ago - Pushed at: over 5 years ago - Stars: 7 - Forks: 1

aspamers/autoencoder
A simple, easy-to-use and flexible auto-encoder neural network implementation for Keras
Language: Python - Size: 11.7 KB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 6 - Forks: 4

datamarket-tobigs/TripBigs_Web Fork of csy1204/TripBigs_Web
[제 10회 투빅스 컨퍼런스] Tripbigs - 호텔부터 맛집까지, 여행객을 위한 추천 시스템
Language: Python - Size: 2.95 MB - Last synced at: 11 months ago - Pushed at: over 4 years ago - Stars: 5 - Forks: 0

kozistr/improved-ContentDisentanglement
PyTorch implementation of "Emerging Disentanglement in Auto-Encoder Based Unsupervised Image Content Transfer" - tuned version
Language: Python - Size: 43.8 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 4 - Forks: 0

tschechlovdev/AutoEncoder_KMeans
Implementation of AutoEncoder in PyTorch for k-Means Clustering
Language: Jupyter Notebook - Size: 23 MB - Last synced at: 12 days ago - Pushed at: 11 months ago - Stars: 3 - Forks: 0

wownice333/UFS_TAE
The official implementation of unsupervised feature selection via transformed auto-encoder.
Language: Python - Size: 161 KB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 3 - Forks: 0

shubhamscifi/Instacart-Market-Basket-Analysis
Predict which products will an Instacart consumer purchase again. (Machine Learning)
Language: Jupyter Notebook - Size: 8.82 MB - Last synced at: 6 months ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 1

AcrylicShrimp/auto-encoder
A journey to implement auto encoder-based generative models for images.
Language: Python - Size: 3.91 KB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 3 - Forks: 0

lchingen/vae
Variational Autoencoder (VAE)
Language: Python - Size: 34.6 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 3 - Forks: 0

YeongHyeon/ConAD
Implementation of Consistency-based anomaly detection (ConAD)
Language: Python - Size: 836 KB - Last synced at: 17 days ago - Pushed at: over 5 years ago - Stars: 3 - Forks: 2

hanzopgp/DeepLearningLib
Deep learning library from scratch (MLP/CNN/Auto-Encoder etc...). Contains some experiences on MNIST/CIPHAR datasets + report.
Language: Python - Size: 7.83 MB - Last synced at: about 2 months ago - Pushed at: almost 3 years ago - Stars: 2 - Forks: 0

rspvsanjay/GAEI_Gait_Feature
Exploiting Pose Dynamics for Human Recognition from Their Gait Signature
Language: MATLAB - Size: 2.55 MB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 2 - Forks: 0

LiuLab-CSRC/SAXS_reconstruction Fork of DreAymi/SAXS_reconstruction
Language: Python - Size: 543 KB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 3

wenyuzhao/Multilayer-Perceptron
Multilayer Perceptron based on NumPy
Language: Python - Size: 14.6 KB - Last synced at: about 2 months ago - Pushed at: almost 8 years ago - Stars: 2 - Forks: 1

spider-rs/auto-encoder
Auto encoding library bytes to strings
Language: Rust - Size: 20.5 KB - Last synced at: 15 days ago - Pushed at: 5 months ago - Stars: 1 - Forks: 1

maheshkkumar/DLClustering
Deep Latent Feature Unsupervised Learning
Language: Jupyter Notebook - Size: 31.9 MB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

ichko/inverted-auto-encoder
Generating visual language for exchanging information between neural networks. The procedure described in the blog post generates 2D structured images that try to preserve the information two neural networks are trying to communicate under differentiable noise.
Language: Jupyter Notebook - Size: 38.1 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

Hojjat-Mokhtarabadi/Latent-variable-and-Generative-models
A collection of different latent variable and generative models
Language: Python - Size: 39.1 KB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

Gustoaxel/Statistical-autoencoder
An efficient diagnostic that uses the latent space of a Non-Parametric Supervised Autoencoder for metabolomic datasets of clinical studies.
Language: Python - Size: 18.9 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

Jash-2000/Digit_Reconstruction
Use of various generative networks ( GANs and Autoencoders), using TensorFlow to produce synthetic images of digits.
Language: Jupyter Notebook - Size: 683 KB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

prof-nussbaum/Auto-Encoder-CODEC
Auto-Associative How To
Language: Python - Size: 3.68 MB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 0

realamirhe/leaf-node
A leaf node for your machine learning journey, from scratch to practical applications...
Language: Jupyter Notebook - Size: 1.28 MB - Last synced at: 14 days ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 0

victorkich/RiVAE
Real to Imaginary Variational Auto Encoder.
Language: Python - Size: 399 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 1

aycaecemgul/SuperResolutionAutoEncoder
Super resolution model autoencoder
Language: Python - Size: 348 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

myeonghak/AutoEncoder_for_Denoising
A simple example of Denoising pictures using Autoencoder
Language: Jupyter Notebook - Size: 15.7 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

ruiyangsong/nlp
For the final project of machine learning class at NKU
Language: Python - Size: 43.1 MB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 0

charumakhijani/deep-learning
Language: Jupyter Notebook - Size: 19.8 MB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 2

Lee-Gihun/MadhatterProject
(KAIST KSE643 Project) A recommendation system for League of Legends (LoL) Champions
Language: Jupyter Notebook - Size: 60.2 MB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 1 - Forks: 0

Kvatsx/Statistical-Machine-Learning-Assignments
All assignments of Statistical Machine Learning Course
Language: Jupyter Notebook - Size: 750 MB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 1 - Forks: 0

nils-hamel/turing-project
Machine & deep learning researches (Archive, Discontinued)
Language: Python - Size: 407 MB - Last synced at: about 1 year ago - Pushed at: about 7 years ago - Stars: 1 - Forks: 0

gholomia/MNIST-Drawer-VAE
Implementation of a Variational Autoencoder to draw MNIST dataset characters using Tensorflow.
Language: Python - Size: 9.77 KB - Last synced at: over 1 year ago - Pushed at: about 7 years ago - Stars: 1 - Forks: 0

chrinide/smrt Fork of tgsmith61591/smrt
Handle class imbalance intelligently by using variational auto-encoders to generate synthetic observations of your minority class.
Language: Python - Size: 32.9 MB - Last synced at: about 2 years ago - Pushed at: about 8 years ago - Stars: 1 - Forks: 0

wangluchen567/Auto_Encoder
自编码器模型(Auto Encoder Model)
Language: Python - Size: 15.7 MB - Last synced at: 8 days ago - Pushed at: 10 days ago - Stars: 0 - Forks: 0

inzapp/deep-cluster
Clustering with feature extracted from auto encoder gives better result than K-Means.
Language: Python - Size: 91.8 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

RimTouny/Feature-Selection
Delved into advanced techniques to enhance ML performance during the uOttawa 2023 ML course. This repository offers Python implementations of Naïve Bayes (NB) and K-Nearest Neighbor (KNN) classifiers on the MCS dataset.
Language: Jupyter Notebook - Size: 1.6 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Efesasa0/auto-encoder-maze
EE456 final project exploring the Auto Encoder CNN architecture in 2022.
Language: Jupyter Notebook - Size: 61.9 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Marcelaus98/CfC-for-Material-Science
Research on Material Science using Neural Networks black box approach
Language: Python - Size: 43.7 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

YooSungHyun/CFWithFeature
Collaborative Filtering With User or Item Feature
Language: Python - Size: 21.5 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

itsorivera/image-captioning
Size: 1000 Bytes - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

ArchPrak/CrowdControl
An image-based deep learning model to help predict the the occurrence of a stampede
Language: Python - Size: 9.4 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

inzapp/uvae
Uniform Vectorized AutoEncoder : latent vectors distribution is attacked by adversarial model
Language: Python - Size: 174 KB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

shreyanshchordia/image_auto_encoder
Building Auto-encoders using Deep Learning models in PyTorch
Language: Jupyter Notebook - Size: 2.58 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

AIMedLab/TAME
Code and Datasets for the paper "Identifying Sepsis Subphenotypes via Time-Aware Multi-ModalAuto-Encoder", published on KDD 2020.
Language: Python - Size: 1.1 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 2

realamirhe/SMLFDL
Unofficial implementation of SVMs multi-class loss feedback based discriminative dictionary learning in python
Language: Python - Size: 783 KB - Last synced at: 14 days ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 1

Yoonyoung-Cho/Monkey_Classification
2020.06 개인프로젝트 원숭이 이미지 분류
Language: Jupyter Notebook - Size: 20.8 MB - Last synced at: 8 months ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

KrishnaDN/convolutional-auto-encoder-for-speech
This model implements auto-encoder for speech data using deep convolution neural networks in pytorch
Language: Python - Size: 431 KB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 1

LiuLab-CSRC/decodeSAXS-server Fork of DreAymi/decodeSAXS
This is the Web-server code for SAXS_reconstruction programs
Language: JavaScript - Size: 112 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

Zhiwu-Zhang-Lab/genetic_spectral_AutoEncoder
This repository if for creating auto-encoders easily. The main focus of the auto-encoders on this page is for genetic and spectral data analysis but likely could be used for any high dimensional data
Language: Jupyter Notebook - Size: 138 KB - Last synced at: 4 days ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 0

johndpope/sounderfeit
clone of gitlab
Language: Python - Size: 3.61 MB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

Ch_V/auto_encoders
Implementation of Auto-Encoder (AE), Variational Auto-Encoder (VAE) and Conditional Variational Auto-Encoder (CVAE) using PyTorch.
Last synced at: over 2 years ago - Stars: 0 - Forks: 0

nicolasobin/TIMIT-pitch-dataset
This is the dataset corresponding to my paper: N. Obin, J. Beliao (2018). Sparse Coding of Pitch Contours with Deep Auto-Encoders, Speech Prosody, Poznan, Poland, 2018.
Last synced at: over 2 years ago - Stars: 0 - Forks: 0