Pinned Repositories
3D-Machine-Learning
A resource repository for 3D machine learning
abcnn_pytorch
Implementation of ABCNN(Attention-Based Convolutional Neural Network) on Pytorch
amrlib
A python library that makes AMR parsing, generation and visualization simple.
ARIMA-LSTM-hybrid-corrcoef-predict
Applied an ARIMA-LSTM hybrid model to predict future price correlation coefficients of two assets
awesome-python
A curated list of awesome Python frameworks, libraries, software and resources
Deep-Learning-Papers-Reading-Roadmap
Deep Learning papers reading roadmap for anyone who are eager to learn this amazing tech!
timeseries-clustering-vae
Variational Recurrent Autoencoder for timeseries clustering in pytorch
mfriendly's Repositories
mfriendly/Att-DARTS
mfriendly/attention-module
Official PyTorch code for "BAM: Bottleneck Attention Module (BMVC2018)" and "CBAM: Convolutional Block Attention Module (ECCV2018)"
mfriendly/Depth-and-Skeleton-Based-Dynamic-Hand-Gesture-Recognition
Depth and Skeleton based Dynamic Hand Gesture Recognition from DHG 14/28 dataset using CNN and LSTM.
mfriendly/dl-4-tsc
Deep Learning for Time Series Classification
mfriendly/enas
TensorFlow Code for paper "Efficient Neural Architecture Search via Parameter Sharing"
mfriendly/ESRNN-GPU
PyTorch GPU implementation of the ES-RNN model for time series forecasting
mfriendly/FinancialDatasets
SmoothNLP 金融文本数据集(公开) Public Financial Datasets for NLP Researches Only
mfriendly/FRB
Python Client for Interfacing with the Federal Reserve Bank of St. Louis' Economic Data API (FRED®)
mfriendly/GAF
Binary to CSV file conversion
mfriendly/Hybrid-CNN-RNN-Model-for-Hyperspectral-Satellite-Image-Classification
The following model uses hybrid CNN- RNN model for classification of each pixel to its corresponding classes. Further the code is developed to classify pixels in accordance with soft as well as hard classification techniques.
mfriendly/lightweight-temporal-attention-pytorch
A PyTorch implementation of the Light Temporal Attention Encoder (L-TAE) for satellite image time series. classification
mfriendly/lstm-qrs-detector
CNN-LSTM based QRS detector for ECG signals
mfriendly/LSTNet.pytorch
A PyTorch implementation of Long- and Short-term Time-series network (LSTNet) with the use case of cryptocurrency market prediction
mfriendly/mfas
Implementation of CVPR 2019 paper "Mfas: Multimodal fusion architecture search"
mfriendly/mmnas
Deep Multimodal Neural Architecture Search
mfriendly/Pair-Trading-Reinforcement-Learning
An Structural Application of Reinforcement Learning in Pair Trading
mfriendly/PC-DARTS
PC-DARTS:Partial Channel Connections for Memory-Efficient Differentiable Architecture Search
mfriendly/pdarts
Codes for our paper "Progressive Differentiable Architecture Search:Bridging the Depth Gap between Search and Evaluation"
mfriendly/python_spectrograms_and_inversion
Spectrograms, MFCCs, and Inversion Demo in a jupyter notebook
mfriendly/pytorch-mobilenet-v3
MobileNetV3 in pytorch and ImageNet pretrained models
mfriendly/pytorch-wavenet
An implementation of WaveNet with fast generation
mfriendly/pytorch_convolutional_rnn
PyTorch implementation of Convolutional Recurrent Neural Network
mfriendly/RBF-Network
Minimal implementation of a radial basis function network.
mfriendly/snakefood
Python Dependency Graphs
mfriendly/STLDecompose
A Python implementation of Seasonal and Trend decomposition using Loess (STL) for time series data.
mfriendly/Temporal_Fusion_Transform
Pytorch Implementation of Google's TFT
mfriendly/time-series-prediction-lstm-pytorch
Time Series Prediction with LSTM Using PyTorch
mfriendly/TorchCoder
PyTorch based autoencoder for sequential data
mfriendly/transformer-evolution
Transformer 이후 나온 Pretrained Language Model을 간단하게 구현하였음.
mfriendly/UCR_Time_Series_Classification_Deep_Learning_Baseline
Fully Convlutional Neural Networks for state-of-the-art time series classification