All Projects → qianqianwang68 → Caps

qianqianwang68 / Caps

Projects that are alternatives of or similar to Caps

Spark Nlp Models
Models and Pipelines for the Spark NLP library
Stars: ✭ 88 (-1.12%)
Mutual labels:  jupyter-notebook
Tensorfieldnetworks
Stars: ✭ 88 (-1.12%)
Mutual labels:  jupyter-notebook
Aind Vui Capstone
AIND Term 2 -- VUI Capstone Project
Stars: ✭ 88 (-1.12%)
Mutual labels:  jupyter-notebook
Stanford Project Predicting Stock Prices Using A Lstm Network
Stanford Project: Artificial Intelligence is changing virtually every aspect of our lives. Today’s algorithms accomplish tasks that until recently only expert humans could perform. As it relates to finance, this is an exciting time to adopt a disruptive technology that will transform how everyone invests for generations. Models that explain the returns of individual stocks generally use company and stock characteristics, e.g., the market prices of financial instruments and companies’ accounting data. These characteristics can also be used to predict expected stock returns out-of-sample. Most studies use simple linear models to form these predictions [1] or [2]. An increasing body of academic literature documents that more sophisticated tools from the Machine Learning (ML) and Deep Learning (DL) repertoire, which allow for nonlinear predictor interactions, can improve the stock return forecasts [3], [4] or [5]. The main goal of this project is to investigate whether modern DL techniques can be utilized to more efficiently predict the movements of the stock market. Specifically, we train a LSTM neural network with time series price-volume data and compare its out-of-sample return predictability with the performance of a simple logistic regression (our baseline model).
Stars: ✭ 88 (-1.12%)
Mutual labels:  jupyter-notebook
Ageprogression
Stars: ✭ 88 (-1.12%)
Mutual labels:  jupyter-notebook
Machine learning code
机器学习与深度学习算法示例
Stars: ✭ 88 (-1.12%)
Mutual labels:  jupyter-notebook
Repo2docker Action
GitHub Action for repo2docker
Stars: ✭ 88 (-1.12%)
Mutual labels:  jupyter-notebook
Berkeley
The Hacker Within at the University of California - Berkeley
Stars: ✭ 88 (-1.12%)
Mutual labels:  jupyter-notebook
Novel Deep Learning Model For Traffic Sign Detection Using Capsule Networks
capsule networks that achieves outstanding performance on the German traffic sign dataset
Stars: ✭ 88 (-1.12%)
Mutual labels:  jupyter-notebook
Basketball analytics
Repository which contains various scripts and work with various basketball statistics
Stars: ✭ 88 (-1.12%)
Mutual labels:  jupyter-notebook
Smiles Transformer
Original implementation of the paper "SMILES Transformer: Pre-trained Molecular Fingerprint for Low Data Drug Discovery" by Shion Honda et al.
Stars: ✭ 86 (-3.37%)
Mutual labels:  jupyter-notebook
Magnet
MAGNet: Multi-agents control using Graph Neural Networks
Stars: ✭ 88 (-1.12%)
Mutual labels:  jupyter-notebook
Dash Wind Streaming
https://plot.ly/dash/gallery/live-wind-data/
Stars: ✭ 88 (-1.12%)
Mutual labels:  jupyter-notebook
Fcos tensorflow
FCOS: Fully Convolutional One-Stage Object Detection.
Stars: ✭ 87 (-2.25%)
Mutual labels:  jupyter-notebook
Deep learning
Stars: ✭ 88 (-1.12%)
Mutual labels:  jupyter-notebook
Samplevae
Multi-purpose tool for sound design and music production implemented in TensorFlow.
Stars: ✭ 88 (-1.12%)
Mutual labels:  jupyter-notebook
Fairness In Ml
This repository contains the full code for the "Towards fairness in machine learning with adversarial networks" blog post.
Stars: ✭ 88 (-1.12%)
Mutual labels:  jupyter-notebook
Py4fi
Python for Finance (O'Reilly)
Stars: ✭ 1,288 (+1347.19%)
Mutual labels:  jupyter-notebook
Ipython Notebooks
This repository contains IPython notebooks that I have written.
Stars: ✭ 88 (-1.12%)
Mutual labels:  jupyter-notebook
Wine Deep Learning
Exploring applications of deep learning to the world of wine
Stars: ✭ 88 (-1.12%)
Mutual labels:  jupyter-notebook

Learning Feature Descriptors using Camera Pose Supervision

This repository contains a PyTorch implementation of the paper:

Learning Feature Descriptors using Camera Pose Supervision [Project page] [Arxiv]

Qianqian Wang, Xiaowei Zhou, Bharath Hariharan, Noah Snavely

ECCV 2020 (Oral)

Teaser

Abstract

Recent research on learned visual descriptors has shown promising improvements in correspondence estimation, a key component of many 3D vision tasks. However, existing descriptor learning frameworks typically require ground-truth correspondences between feature points for training, which are challenging to acquire at scale. In this paper we propose a novel weakly-supervised framework that can learn feature descriptors solely from relative camera poses between images. To do so, we devise both a new loss function that exploits the epipolar constraint given by camera poses, and a new model architecture that makes the whole pipeline differentiable and efficient. Because we no longer need pixel-level ground-truth correspondences, our framework opens up the possibility of training on much larger and more diverse datasets for better and unbiased descriptors. We call the resulting descriptors CAmera Pose Supervised, or CAPS, descriptors. Though trained with weak supervision, CAPS descriptors outperform even prior fully-supervised descriptors and achieve state-of-the-art performance on a variety of geometric tasks.

Requirements

# Create conda environment with torch 1.0.1 and CUDA 10.0
conda env create -f environment.yml
conda activate caps

If you encounter problems with OpenCV, try to uninstall your current opencv packages and reinstall them again

pip uninstall opencv-python
pip uninstall opencv-contrib-python
pip install opencv-python==3.4.2.17
pip install opencv-contrib-python==3.4.2.17

Pretrained Model

Pretrained model can be downloaded using this link.

Dataset

Please download the preprocessed MegaDepth dataset using this link.

Training

To start training, please download our training data, and run the following command:

# example usage
python train.py --config configs/train_megadepth.yaml

Feature extraction

We provide code for extracting CAPS descriptors on HPatches dataset. To download and use the HPatches Sequences, please refer to this link.

To extract CAPS features on HPatches dataset, download the pretrained model, modify paths in configs/extract_features_hpatches.yaml and run

python extract_features.py --config configs/extract_features_hpatches.yaml

Interactive demo

We provide an interactive demo where you could click on locations in the first image and see their predicted correspondences in the second image. Please refer to jupyter/visualization.ipynb for more details.

Cite

Please cite our work if you find it useful:

@inproceedings{wang2020learning,
  Title = {Learning Feature Descriptors using Camera Pose Supervision},
  Author = {Qianqian Wang and Xiaowei Zhou and Bharath Hariharan and Noah Snavely},
  booktitle = {Proc. European Conference on Computer Vision (ECCV)},
  Year = {2020},
}

Acknowledgements. We thank Kai Zhang, Zixin Luo, Zhengqi Li for helpful discussion and comments. This work was partly supported by a DARPA LwLL grant, and in part by the generosity of Eric and Wendy Schmidt by recommendation of the Schmidt Futures program.

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].