All Projects → surya501 → loc2vec

surya501 / loc2vec

Licence: other
Pytorch implementation of the Loc2Vec with some modifications for speed

Programming Languages

python
139335 projects - #7 most used programming language
Dockerfile
14818 projects
shell
77523 projects
HTML
75241 projects
Makefile
30231 projects

Projects that are alternatives of or similar to loc2vec

pytorch-gans
PyTorch implementation of GANs (Generative Adversarial Networks). DCGAN, Pix2Pix, CycleGAN, SRGAN
Stars: ✭ 21 (-47.5%)
Mutual labels:  pytorch-implementation
DocuNet
Code and dataset for the IJCAI 2021 paper "Document-level Relation Extraction as Semantic Segmentation".
Stars: ✭ 84 (+110%)
Mutual labels:  pytorch-implementation
TS3000 TheChatBOT
Its a social networking chat-bot trained on Reddit dataset . It supports open bounded queries developed on the concept of Neural Machine Translation. Beware of its being sarcastic just like its creator 😝 BDW it uses Pytorch framework and Python3.
Stars: ✭ 20 (-50%)
Mutual labels:  pytorch-implementation
transfer-learning-text-tf
Tensorflow implementation of Semi-supervised Sequence Learning (https://arxiv.org/abs/1511.01432)
Stars: ✭ 82 (+105%)
Mutual labels:  semi-supervised
ActiveSparseShifts-PyTorch
Implementation of Sparse Shift Layer and Active Shift Layer (3D, 4D, 5D tensors) for PyTorch(CPU,GPU)
Stars: ✭ 27 (-32.5%)
Mutual labels:  pytorch-implementation
Dynamic Model Pruning with Feedback
Implement of Dynamic Model Pruning with Feedback with pytorch
Stars: ✭ 25 (-37.5%)
Mutual labels:  pytorch-implementation
cosine-ood-detector
Hyperparameter-Free Out-of-Distribution Detection Using Softmax of Scaled Cosine Similarity
Stars: ✭ 30 (-25%)
Mutual labels:  pytorch-implementation
DCAN
[AAAI 2020] Code release for "Domain Conditioned Adaptation Network" https://arxiv.org/abs/2005.06717
Stars: ✭ 27 (-32.5%)
Mutual labels:  pytorch-implementation
TitleStylist
Source code for our "TitleStylist" paper at ACL 2020
Stars: ✭ 72 (+80%)
Mutual labels:  pytorch-implementation
nnDetection
nnDetection is a self-configuring framework for 3D (volumetric) medical object detection which can be applied to new data sets without manual intervention. It includes guides for 12 data sets that were used to develop and evaluate the performance of the proposed method.
Stars: ✭ 355 (+787.5%)
Mutual labels:  pytorch-implementation
ViNet
ViNet Pushing the limits of Visual Modality for Audio Visual Saliency Prediction
Stars: ✭ 36 (-10%)
Mutual labels:  pytorch-implementation
Deep-Learning-Pytorch
A repo containing code covering various aspects of deep learning on Pytorch. Great for beginners and intermediate in the field
Stars: ✭ 59 (+47.5%)
Mutual labels:  pytorch-implementation
ClusterTransformer
Topic clustering library built on Transformer embeddings and cosine similarity metrics.Compatible with all BERT base transformers from huggingface.
Stars: ✭ 36 (-10%)
Mutual labels:  pytorch-implementation
Generative MLZSL
[TPAMI Under Submission] Generative Multi-Label Zero-Shot Learning
Stars: ✭ 37 (-7.5%)
Mutual labels:  pytorch-implementation
keyphrase-generation-rl
Code for the ACL 19 paper "Neural Keyphrase Generation via Reinforcement Learning with Adaptive Rewards"
Stars: ✭ 95 (+137.5%)
Mutual labels:  pytorch-implementation
deep-blueberry
If you've always wanted to learn about deep-learning but don't know where to start, then you might have stumbled upon the right place!
Stars: ✭ 17 (-57.5%)
Mutual labels:  pytorch-implementation
triplet-loss-pytorch
Highly efficient PyTorch version of the Semi-hard Triplet loss ⚡️
Stars: ✭ 79 (+97.5%)
Mutual labels:  pytorch-implementation
ResNet-50-CBAM-PyTorch
Implementation of Resnet-50 with and without CBAM in PyTorch v1.8. Implementation tested on Intel Image Classification dataset from https://www.kaggle.com/puneet6060/intel-image-classification.
Stars: ✭ 31 (-22.5%)
Mutual labels:  pytorch-implementation
efficientnetv2.pytorch
PyTorch implementation of EfficientNetV2 family
Stars: ✭ 366 (+815%)
Mutual labels:  pytorch-implementation
skillful nowcasting
Implementation of DeepMind's Deep Generative Model of Radar (DGMR) https://arxiv.org/abs/2104.00954
Stars: ✭ 117 (+192.5%)
Mutual labels:  pytorch-implementation

Loc2Vec Pytorch Mixed Precision Implementation

This project is inspired by this excellent blogpost: https://www.sentiance.com/2018/05/03/venue-mapping/

Read my blog post for implementation details and choices made

Note: This implementation requires FP16 support. If your GPU does not have that, just disable it with amp.init(enable=False) in trainer.py. You might also have to change the batch size in config.py.

How to generate tiles from openstreetmap data

Elaborate instructions are provided in the Readme file.

Alternatively, you can blindly use load.sh file after changing the path to the pbf file to create the file server. lat2tile.py has a quick utility function to generate all the tiles for the US-west region. You can generate a list of urls using the following. Once you have the following and download the tiles.

# download the us-west-latest.osm.pbf and change the path in load.sh
sh load.sh
python lat2tile.py > urls.txt

# start the server
docker run -p 80:80 -v openstreetmap-data:/var/lib/postgresql/10/main -d overv/openstreetmap-tile-server run
cat urls.txt | xargs -P 10 -n 1 wget -nH -nc -x

Environment setup (for pytorch and amp) and start training

conda env create -f  environment.yml
conda activate loc2vec
git clone https://github.com/NVIDIA/apex
cd apex
pip install -v --no-cache-dir --global-option="--cpp_ext" --global-option="--cuda_ext" .
cd ..
python loc2vec

Credits

Wanna Help?

First thanks! Below are a few things to implement. If you are a GIS expert, we can brainstorm a few ideas for collaboration. Open a issue and we can discuss there.

TODO:

  • Profile and remove CPU bottleneck
  • Add a conda environment file to make it self contained
  • Add ability to suspend and resume from training
  • Ability to save checkpoint even mid-epoch based on number of hard triplets
  • Add support for Fast.ai, esp Stocastic weight averaging & One cycle learning

Results

PCA

PCA

TSNE

TSNE

Nearest Neighbors (first column is the query image)

PCA

Interpolation in Embedding Space

TSNE

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].