GitHub topics: autoencoder
priyanshujiiii/ConvolutionAutoEncoder
Language: Jupyter Notebook - Size: 27 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

Sirius147/img-transforming-Neural-Nets-Studying
image transformation
Language: Jupyter Notebook - Size: 146 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

ksasso1028/indi-debanding
Image Debanding using Inversion by Direct Iteration
Language: Python - Size: 65.4 MB - Last synced at: 2 months ago - Pushed at: about 1 year ago - Stars: 4 - Forks: 1

varshithdupati/transaction-fraud-detection
Machine Learning pipeline for financial transaction fraud detection. Incorporates SMOTE, ensemble models, neural networks.
Language: Jupyter Notebook - Size: 31.3 KB - Last synced at: 3 days ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

AllenCellModeling/pytorch_integrated_cell
Integrated Cell project implemented in pytorch
Language: Python - Size: 125 MB - Last synced at: about 1 month ago - Pushed at: almost 2 years ago - Stars: 44 - Forks: 13

lucasddoliveira/Soft-Sensor-AI
This repository aims to serve the development of a soft sensor, resulting from the partnership between UFPB (Federal University of Paraiba) and Cagepa (water and sewage company of Paraiba), which will be used in maintenance operations at a Cagepa facility.
Language: Python - Size: 466 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

verneylmavt/st-nba-vis
A collection of NBA analysis and visualization
Language: Jupyter Notebook - Size: 19 MB - Last synced at: 7 days ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

angeligareta/image-colorization
This project aims to study the Image Colorization problem and implement a Convolutional Neural Network that is able to colorize black and white images using CIELAB color space.
Language: Jupyter Notebook - Size: 2.04 MB - Last synced at: 2 months ago - Pushed at: over 4 years ago - Stars: 10 - Forks: 3

ChaitanyaK77/Advanced_Image_Reconstruction_Autoencoders.
Advanced Image Reconstruction using Autoencoders is a project that explores the application of convolutional autoencoder models to enhance image quality. It employs sophisticated algorithms to intelligently reconstruct images, aiming to improve clarity and retain important details.
Language: Jupyter Notebook - Size: 1.42 MB - Last synced at: 3 months ago - Pushed at: about 1 year ago - Stars: 2 - Forks: 0

AuxEtoiles/Landmark-Classification-and-Tagging-for-Social-Media
Building models to automatically predict the location of the image based on any landmark. Machine Learning design process end-to-end : by deploying an app based on the best trained CNN model.
Language: Jupyter Notebook - Size: 1.39 MB - Last synced at: 2 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

rtjoa/deep-face-morph
Compares significant features in faces with a convolutional autoencoder and PCA.
Language: Python - Size: 4.37 MB - Last synced at: 3 months ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

arman-aminian/lofi-generator
Music(Lo-fi) generation using deep learning techniques.
Language: Jupyter Notebook - Size: 52.3 MB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 83 - Forks: 12

muxamilian/wysiwyh
A neural net to transform a video into audio in real time.
Language: Python - Size: 22.4 MB - Last synced at: about 2 months ago - Pushed at: about 3 years ago - Stars: 21 - Forks: 3

yanexr/BVDB-anomaly-detection
Methods of Anomaly Detection for Pain Recognition in Biophysiological Time Series - Bachelor Thesis
Language: Jupyter Notebook - Size: 11.5 MB - Last synced at: 2 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

FlowFrontiers/AutoFlow
Supporting page for the manuscript titled, "AutoFlow: An Autoencoder-based Approach for IP Flow Record Compression with Minimal Impact on Traffic Classification."
Language: Jupyter Notebook - Size: 2.46 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

KU-Gen-AI-2567/Autoencoder-demo
Assignment in GenAI
Language: Jupyter Notebook - Size: 11.9 MB - Last synced at: 17 days ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

podgorskiy/GPND
Generative Probabilistic Novelty Detection with Adversarial Autoencoders
Language: Python - Size: 5.71 MB - Last synced at: about 1 month ago - Pushed at: over 4 years ago - Stars: 129 - Forks: 31

maturk/ObjectReconstructor
Autoencoder for 3D shape reconstruction from synthetic RGB-D images
Language: Python - Size: 12.6 MB - Last synced at: 2 months ago - Pushed at: over 2 years ago - Stars: 6 - Forks: 1

greenelab/BioBombe
BioBombe: Sequentially compressed gene expression features enhances biological signatures
Language: Jupyter Notebook - Size: 2.28 GB - Last synced at: 17 days ago - Pushed at: 11 months ago - Stars: 65 - Forks: 26

Tusharkn12/Intelligent-Fault-Detection-IFD
IFD: A fault detection tool in electrical system
Language: Jupyter Notebook - Size: 2.98 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 4 - Forks: 0

M4hmood/Anomaly-Detection_Deep-Learning
This is a neural network model (Autoencoder) implemented to detect DDOS (Distributed Denial of Service) anomalies in IOT sensor data (such as blood pressure, heart rate etc...).
Language: Python - Size: 1000 Bytes - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

Cr33zz/Neuro_
C++ implementation of neural networks library with Keras-like API. Contains majority of commonly used layers, losses and optimizers. Supports sequential and multi-input-output (flow) models. Supports single CPU, Multi-CPU and GPU tensor operations (using cuDNN and cuBLAS).
Language: C++ - Size: 238 MB - Last synced at: 3 days ago - Pushed at: about 4 years ago - Stars: 38 - Forks: 8

lucaswychan/Retinal-Vessel-Segmentation
Use Autoencoder to perform automatic segmentation of retinal vessels.
Language: Python - Size: 5.33 MB - Last synced at: 5 days ago - Pushed at: 11 months ago - Stars: 2 - Forks: 0

tgsmith61591/smrt
Handle class imbalance intelligently by using variational auto-encoders to generate synthetic observations of your minority class.
Language: Python - Size: 81 MB - Last synced at: about 2 months ago - Pushed at: almost 6 years ago - Stars: 126 - Forks: 26

juliuszlosinski/Imbalanced-Data-Problem-for-Image-Detection-One-Stage-Detectors
Implementation of augmentation, SMOTE, ADASYN, AE, DGAN for oversampling image data used in detection (YOLO and others one stage detectors). Maritime flags/code scenario.
Language: Python - Size: 2.76 GB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 1 - Forks: 0

Snigdho8869/AI-Generative-Models-Notebooks-DCGAN-VAE-Autoencoder
This repository contains notebooks showcasing various generative models, including DCGAN and VAE for anime face generation, an Autoencoder for converting photos to sketches, a captioning model using an attention mechanism for an image caption generator, and more.
Language: Jupyter Notebook - Size: 21.7 MB - Last synced at: 2 months ago - Pushed at: over 1 year ago - Stars: 3 - Forks: 1

PengKuang/team_scalable_timeseries
Group 13's project for the WASP course: Scalable Data Science and Distributed Machine Learning
Language: Jupyter Notebook - Size: 35.8 MB - Last synced at: about 1 month ago - Pushed at: 5 months ago - Stars: 1 - Forks: 0

KauaHenSilva/python_autoencoders
The project aims to develop a system that automatically compresses and reconstructs data using autoencoders, a type of artificial neural network.
Language: Jupyter Notebook - Size: 2.3 MB - Last synced at: 2 months ago - Pushed at: 7 months ago - Stars: 3 - Forks: 0

despoisj/LatentSpaceVisualization
Visualization techniques for the latent space of a convolutional autoencoder in Keras
Language: Python - Size: 863 KB - Last synced at: 2 months ago - Pushed at: almost 4 years ago - Stars: 196 - Forks: 49

GlastonburyGroup/CardiacDiffAE_GWAS
Official code for the paper "Unsupervised cardiac MRI phenotyping with 3D diffusion autoencoders reveals novel genetic insights"
Language: Python - Size: 105 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 2 - Forks: 1

ishmav16/Dual-CNN-Models-for-Unsupervised-Monocular-Depth-Estimation
Dual CNN Models for Unsupervised Monocular Depth Estimation
Language: Python - Size: 2.71 MB - Last synced at: 4 months ago - Pushed at: about 7 years ago - Stars: 37 - Forks: 10

Abdelrahman-Amen/Denoising_AutoEncoder
This project integrates Autoencoders, PCA, and CNNs for efficient image processing, combining dimensionality reduction, denoising, and enhanced feature extraction for image analysis and compression.
Language: Jupyter Notebook - Size: 1.71 MB - Last synced at: 3 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

hoomanbing/Outlier-Detection-and-Removal-from-Multimedia
Detection and removal of specific types of outliers present in different data formats which includes detection and removal of contextual outliers from textual data using LOF, outliers from tabular numeric data using LOF, gaussian noise from image data using NLM.
Language: Jupyter Notebook - Size: 9.87 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

zitonghuangcynthia/Simultaneous-Weight-and-Architecture-Optimization
[NeurIPS 2024 FITML Workshop] This is the official code for the paper "Simultaneous Weight and Architecture Optimization for Neural Networks"
Language: Python - Size: 945 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

goamegah/pytorch-stc
PyTorch implementation of Self-training approch for short text clustering
Language: Python - Size: 16.9 MB - Last synced at: about 2 months ago - Pushed at: about 1 year ago - Stars: 8 - Forks: 0

goamegah/Short-Text-Clustering
Short text clustering methods through differents approaches
Language: Python - Size: 259 MB - Last synced at: about 2 months ago - Pushed at: about 1 year ago - Stars: 5 - Forks: 0

statsim/vis
Visualize high-dimensional data
Language: JavaScript - Size: 3.06 MB - Last synced at: about 2 months ago - Pushed at: almost 3 years ago - Stars: 5 - Forks: 1

EPSOFT/Autoencoder
Autoencoder
Language: Jupyter Notebook - Size: 16.6 KB - Last synced at: 3 months ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

Coldhawk/Working-with-GANs-and-PINNs
Working with GANs and PINNs for Deep Learning for Science Course
Language: HTML - Size: 22.7 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

LohiyaH/AI-Based-Fraud-Detection
A comparative analysis of machine learning and deep learning algorithms for fraud detection, featuring XGBClassifier, CatBoostClassifier, and LGBMClassifier, as well as ANN, CNN, RNN, LSTM, and Autoencoders for performance benchmarking
Language: Jupyter Notebook - Size: 12 MB - Last synced at: 3 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

RubensZimbres/Repo-2016
R, Python and Mathematica Codes in Machine Learning, Deep Learning, Artificial Intelligence, NLP and Geolocation
Language: Python - Size: 5 MB - Last synced at: about 2 months ago - Pushed at: over 6 years ago - Stars: 107 - Forks: 114

Pseudomanifold/bestiary-autoencoders
A Bestiary of Autoencoders
Language: Python - Size: 11.7 KB - Last synced at: 24 days ago - Pushed at: about 4 years ago - Stars: 2 - Forks: 0

NahuelCostaCortez/rapidae
Explore, compare and develop autoencoder models with a back-end agnostic framework
Language: Python - Size: 16.6 MB - Last synced at: about 2 months ago - Pushed at: about 1 year ago - Stars: 16 - Forks: 0

muhd-umer/aecc
AeCC: Autoencoders for compressed communication
Language: Python - Size: 208 MB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 4 - Forks: 1

Neel7317/Generative-Models
Basic to advanced level of generative model with code.
Language: Jupyter Notebook - Size: 14.2 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

Armin-Abdollahi/Machine-Learning
Language: Jupyter Notebook - Size: 1.7 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 4 - Forks: 0

Mehrab-Kalantari/Autoencoder-Image-Retrieval
Image retrieval using a simple autoencoder on CIFAR-10 dataset
Language: Jupyter Notebook - Size: 191 KB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

niazangels/vae-pokedex
The companion code for How to Autoencode your Pokemon
Language: Jupyter Notebook - Size: 35.2 MB - Last synced at: about 1 month ago - Pushed at: almost 8 years ago - Stars: 79 - Forks: 22

aurelienmorgan/abnormal_vibrations_watchdog
Time Series Anomaly detection. The monitored signal is made-up of machinery vibration sensor measurements.
Language: Python - Size: 8.71 MB - Last synced at: 2 months ago - Pushed at: over 4 years ago - Stars: 16 - Forks: 2

hwalsuklee/tensorflow-mnist-AAE
Tensorflow implementation of adversarial auto-encoder for MNIST
Language: Python - Size: 1.34 MB - Last synced at: about 2 months ago - Pushed at: over 7 years ago - Stars: 87 - Forks: 27

AMfeta99/Generative_AI
This repository is a comprehensive resource for mastering generative AI, featuring in-depth notes and exciting projects. The goal is to stay updated with the latest advancements in generative AI, and explore applications in image & video generation, creative content creation. Explore the limitless possibilities of generative AI today!
Language: Jupyter Notebook - Size: 62 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 1 - Forks: 0

mpatacchiola/tensorbag
Collection of tensorflow notebooks tutorials for implementing some basic Deep Learning architectures.
Language: Jupyter Notebook - Size: 30 MB - Last synced at: about 2 months ago - Pushed at: almost 7 years ago - Stars: 27 - Forks: 13

IAmFarrokhnejad/Wine-Quality-Classification
Wine Quality Classification Using Deep Learning
Language: Python - Size: 104 KB - Last synced at: 2 months ago - Pushed at: 6 months ago - Stars: 1 - Forks: 0

ilayoeli/Deep-Learning-Graphical-Models
Repository containing projects and assignments from 'Introduction to Graphical Models and Deep Learning' Course taken at BGU
Language: Jupyter Notebook - Size: 36.2 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

MsnAmiri/Progressive-Attention-based-Single-Image-Deraining
A single image deraining training and testing code with detailed explanations.
Size: 698 KB - Last synced at: 5 months ago - Pushed at: about 2 years ago - Stars: 5 - Forks: 1

tjkessler/smiles-autoencoder
Autoencoder for SMILES strings
Language: Python - Size: 37.1 KB - Last synced at: 12 days ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

rakibhhridoy/AnomalyDetectionInTimeSeriesData-Keras
Statistics, signal processing, finance, econometrics, manufacturing, networking[disambiguation needed] and data mining, anomaly detection (also outlier detection) is the identification of rare items, events or observations which raise suspicions by differing significantly from the majority of the data. Typically the anomalous items will translate to some kind of problem such as bank fraud, a structural defect, medical problems or errors in a text. Anomalies are also referred to as outliers, novelties, noise, deviations and exceptions.
Language: Jupyter Notebook - Size: 7.6 MB - Last synced at: about 2 months ago - Pushed at: almost 5 years ago - Stars: 17 - Forks: 2

zichunhao/lgn-autoencoder
Lorentz group equivariant autoencoders based on Lorentz Group Network
Language: Python - Size: 6.12 MB - Last synced at: about 1 month ago - Pushed at: almost 2 years ago - Stars: 11 - Forks: 3

Ant0in/Projet5-IA
Autoencoder python implementation for Machine Learning and image reconstruction (with noise).
Language: Python - Size: 762 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

kangchengX/market-regime
Identify regimes in financial markets based on multivariate time series data using multiple methodologies, including CNN, AutoEncoder, Siamese Model, Correlation Matrices, K-means++, and Hierarchical Clustering
Language: Python - Size: 1.09 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

priyavrat-misra/image-colorizer
A deep residual auto-encoding approach to colorize images.
Language: Jupyter Notebook - Size: 99.9 MB - Last synced at: 9 days ago - Pushed at: over 4 years ago - Stars: 4 - Forks: 0

Ajithbalakrishnan/3D-Object-Reconstruction-from-Multi-View-Monocular-RGB-images
Hybrid Ensemble Approach For 3D Object Reconstruction from Multi-View Monocular RGB images
Language: Python - Size: 112 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 65 - Forks: 15

Harry24k/MIDA-pytorch
PyTorch implementation of "MIDA: Multiple Imputation using Denoising Autoencoders"
Language: Jupyter Notebook - Size: 39.1 KB - Last synced at: about 2 months ago - Pushed at: over 6 years ago - Stars: 28 - Forks: 8

kreasof-ai/deep-compression-autoencoder
DC-AE (Deep Compression Autoencoder)
Language: Jupyter Notebook - Size: 11.3 MB - Last synced at: 2 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

felixdittrich92/Document_Scanner
this repository contains utils for post processing scanned documents and classify any kind of document for the given labels
Language: Python - Size: 51.9 MB - Last synced at: 1 day ago - Pushed at: over 4 years ago - Stars: 5 - Forks: 4

mrdvince/autoencoders
Autoencoders are neural networks used for data compression, image de-noising, and dimensionality reduction. Using PyTorch.
Language: Python - Size: 338 KB - Last synced at: 8 days ago - Pushed at: over 4 years ago - Stars: 6 - Forks: 0

madhawav/PlayWithAutoEncoders
Image Compression on COCO Dataset using Convolution AutoEncoders
Language: Jupyter Notebook - Size: 52.2 MB - Last synced at: 2 months ago - Pushed at: over 6 years ago - Stars: 11 - Forks: 3

iAdtya/Shoppin-AI
Image Similarity Search By Different Models and Methods
Language: Python - Size: 7.69 MB - Last synced at: 2 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

sammedkamate/movie-recommender-system
Language: Jupyter Notebook - Size: 15.1 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

kyuhyeokseo/SNU_DNNM
SNU_Mathematical Foundations of Deep Neural Networks_HW
Language: Jupyter Notebook - Size: 1.06 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 2 - Forks: 0

BIMSBbioinfo/maui
Multi-omics Autoencoder Integration: Deep learning-based heterogenous data analysis toolkit
Language: Jupyter Notebook - Size: 3.06 MB - Last synced at: 6 days ago - Pushed at: almost 2 years ago - Stars: 49 - Forks: 21

shayneobrien/generative-models
Annotated, understandable, and visually interpretable PyTorch implementations of: VAE, BIRVAE, NSGAN, MMGAN, WGAN, WGANGP, LSGAN, DRAGAN, BEGAN, RaGAN, InfoGAN, fGAN, FisherGAN
Language: Jupyter Notebook - Size: 143 MB - Last synced at: 2 months ago - Pushed at: over 6 years ago - Stars: 498 - Forks: 73

codeperfectplus/autoEncoders
Deep convolutional autoencoder for image denoising
Language: PureBasic - Size: 11.1 MB - Last synced at: 26 days ago - Pushed at: almost 4 years ago - Stars: 8 - Forks: 1

tnybny/Frame-level-anomalies-in-videos
Frame level anomaly detection and localization in videos using auto-encoders
Language: Python - Size: 81.1 KB - Last synced at: 2 months ago - Pushed at: over 3 years ago - Stars: 64 - Forks: 19

AaashrafHabib/RAFT
Implementation of RAFT (Recurrent All-Pairs Field Transforms) for dense optical flow estimation, using an all-pairs correlation volume and iterative refinement for precise motion prediction between video frames.
Language: Jupyter Notebook - Size: 24 MB - Last synced at: 2 months ago - Pushed at: 7 months ago - Stars: 2 - Forks: 0

erfan-mtzv/Image_Compression_AutoEncoder_MLP_from_scratch
This repository implements multilayer perceptron (MLP) autoencoders for image compression and evaluates their performance using metrics like PSNR and MSE. It includes functionality for data loading, image reconstruction, and performance evaluation.
Language: Jupyter Notebook - Size: 8.3 MB - Last synced at: 8 days ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

erfan-mtzv/Adjustable_Layer_MLP_Autoencoder_MNIST_Image_Compression_from_scratch
Custom MLP Autoencoder from scratch for MNIST digit image compression and reconstruction. Adjustable layers, neurons, and training features.
Language: Jupyter Notebook - Size: 2.83 MB - Last synced at: 8 days ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

pratycodes/Stock-Sentry
Anomaly Detection in Stock Prices using LSTM Autoencoder
Language: Jupyter Notebook - Size: 2.44 MB - Last synced at: 13 days ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

sebastianbreguel/HyperbolicEmbedding
This is a repository to investigation how to generate music based in Hyperbolic Embeddings
Language: Python - Size: 220 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

Research-and-Project/ConvDAE
convolutional denoising autoencoder
Language: Python - Size: 44.5 MB - Last synced at: about 2 months ago - Pushed at: over 4 years ago - Stars: 5 - Forks: 5

santiago-puch-giner/deeplearning-playground
Deep Learning courses, tutorials and examples with TensorFlow and PyTorch
Language: Jupyter Notebook - Size: 45.5 MB - Last synced at: about 2 months ago - Pushed at: over 4 years ago - Stars: 16 - Forks: 16

iamvisheshsrivastava/Autoencoder-Optimization-Anomaly-Detection
This repository contains code for optimizing autoencoders for anomaly detection, with a comparative study against traditional shallow algorithms (ADBENCH). It includes implementations of multiple models and scripts for evaluating their performance on benchmark datasets.
Language: Jupyter Notebook - Size: 644 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

luiswirth/matura 📦
Files regarding the matura thesis (2019) of Luis Wirth at the Gymnasium Oberwil
Language: TeX - Size: 33.2 MB - Last synced at: 4 days ago - Pushed at: about 4 years ago - Stars: 2 - Forks: 0

MzamoTembe/autoencoder
An autoencoder designed for dimensionality reduction of a protein structure's feature space that describes the structural environment of an amino acid by looking at the relative relative positions, orientations and dihedral angles of neighbouring residues in Euclidean space.
Language: Python - Size: 18.4 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

pointlander/mae
Mixture of AutoEncoders
Language: Go - Size: 29.3 KB - Last synced at: 5 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

DhruvSrikanth/2D-3D-Single-View-Reconstruction
IEEE paper implementation of Single-View 2D-3D Reconstruction.
Language: Python - Size: 35.2 MB - Last synced at: about 2 months ago - Pushed at: about 3 years ago - Stars: 4 - Forks: 1

psipred/protein-vae
Variational autoencoder for protein sequences - add metal binding sites and generate sequences for novel topologies
Language: Python - Size: 27.3 MB - Last synced at: 6 months ago - Pushed at: almost 2 years ago - Stars: 81 - Forks: 17

makgyver/rectorch
rectorch is a pytorch-based framework for state-of-the-art top-N recommendation
Language: Python - Size: 3.25 MB - Last synced at: 24 days ago - Pushed at: about 4 years ago - Stars: 151 - Forks: 19

diaoenmao/Personalized-Federated-Recommender-Systems-with-Private-and-Partially-Federated-AutoEncoders
[Asilomar 2022] Personalized Federated Recommender Systems with Private and Partially Federated AutoEncoders
Language: Python - Size: 634 MB - Last synced at: 6 months ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

kingfengji/eForest
This is the official implementation for the paper 'AutoEncoder by Forest'
Language: Python - Size: 155 KB - Last synced at: 2 months ago - Pushed at: about 7 years ago - Stars: 75 - Forks: 28

aygalic/biosequence_encoding
Data Science project about Parkinson Disease
Language: HTML - Size: 502 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

Amir-Tav/Fraud-detection
Appling unsupervised learning (Autoencoder) model to detect fraudulent transactions.
Language: Jupyter Notebook - Size: 270 KB - Last synced at: 3 months ago - Pushed at: 7 months ago - Stars: 1 - Forks: 0

ipazc/lstm_autoencoder
LSTM Autoencoder that works with variable timesteps
Language: Python - Size: 8.79 KB - Last synced at: about 2 months ago - Pushed at: almost 7 years ago - Stars: 15 - Forks: 5

yasty-sanchez/ADHD_fMRI_DL
This project uses CNN and CNN-LSTM models to classify ADHD from fMRI data, using pretrained weights from a CNN autoencoder (CNN-AE) for better feature extraction.
Language: Jupyter Notebook - Size: 35 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

AnnettaQi/Recommendation-system-for-movies-using-ML-methods
Collaborative filtering algorithm to recommend movies to users
Language: Jupyter Notebook - Size: 357 KB - Last synced at: 3 months ago - Pushed at: 8 months ago - Stars: 1 - Forks: 0

ralgond/TSAD-UCR
Time Series Anomaly Detection Solutions for KDD2021 UCR dataset
Language: Python - Size: 134 KB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 9 - Forks: 1

matlab-deep-learning/Industrial-Machinery-Anomaly-Detection
Extract features and detect anomalies in industrial machinery vibration data using a biLSTM autoencoder
Language: MATLAB - Size: 192 MB - Last synced at: about 1 month ago - Pushed at: over 3 years ago - Stars: 47 - Forks: 20

Ralmohsen/OSRAAE
Open-set Recognition with Adversarial Autoencoders
Language: Python - Size: 3.99 MB - Last synced at: 5 months ago - Pushed at: over 6 years ago - Stars: 37 - Forks: 12

dahsie/anomalie_detection
Ce projet est réalisé dans le cardre de mon projet académique de fin de cursus ingénieur informatique en data science. L'objectif est de réalisé la détection d'anomalie qui sont de types varié en utilisant les machine learning et le deep learning
Language: Jupyter Notebook - Size: 19.5 MB - Last synced at: 2 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

panda1949/AEFS
Code for paper "Autoencoder Inspired Unsupervised Feature Selection"
Language: MATLAB - Size: 535 KB - Last synced at: 4 days ago - Pushed at: almost 5 years ago - Stars: 15 - Forks: 7
