Simulation code and tutorial for BBHnet training data

Overview

Simulation Dataset for BBHnet

NOTE: OLD README, UPDATE IN PROGRESS

We generate simulation dataset to train BBHnet, our deep learning framework for detection of compact binary coalescene (CBC) gravitational-wave (GW) signals .

Example

To generate a noise dataset, simply run generateRealNoise.py:

python generateRealNoise.py -t0 1186729980 -t1 1186734086 -t0-psd 1186729980 -t1-psd 1186734086
    -fs 1024 -fmin 20 -o test_noise.h5

To also add CBC signals, enable the flag -S and add the prior distribution file in Bilby format with -p

python generateRealNoise.py -t0 1186729980 -t1 1186734086 -t0-psd 1186729980 -t1-psd 1186734086
    -fs 1024 -fmin 20 -S -p config/priors/nonspin_BBH.prior -o test_signal.h5

A full list of generateRealNoise.py arguments can be found below:

usage: generateRealNoise.py [-h] -t0 FRAME_START -t1 FRAME_STOP -t0-psd FRAME_START_PSD -t1-psd FRAME_STOP_PSD -o OUTFILE [-S]
                            [-fs SAMPLE_RATE] [-fmin HIGH_PASS] [-T SAMPLE_DURATION] [-dt TIME_STEP] [-p PRIOR_FILE]
                            [--correlation-shift CORRELATION_SHIFT] [--min-trigger MIN_TRIGGER] [--max-trigger MAX_TRIGGER]
                            [-s SEED]

optional arguments:
  -h, --help            show this help message and exit
  -t0 FRAME_START, --frame-start FRAME_START
                        starting GPS time of strain
  -t1 FRAME_STOP, --frame-stop FRAME_STOP
                        stopping GPS time of strain
  -t0-psd FRAME_START_PSD, --frame-start-psd FRAME_START_PSD
                        starting GPS time of strain for PSD estimation
  -t1-psd FRAME_STOP_PSD, --frame-stop-psd FRAME_STOP_PSD
                        stopping GPS time of strain for PSD estimation
  -o OUTFILE, --outfile OUTFILE
                        path to write output file in HDF5 format
  -S, --signal          Enable to add GW signal on top of background noise
  -fs SAMPLE_RATE, --sample-rate SAMPLE_RATE
                        sampling rate of strain
  -fmin HIGH_PASS, --high-pass HIGH_PASS
                        frequency of highpass filter
  -T SAMPLE_DURATION, --sample-duration SAMPLE_DURATION
                        duration in seconds of each sample
  -dt TIME_STEP, --time-step TIME_STEP
                        time step size in seconds between consecutive samples
  -p PRIOR_FILE, --prior-file PRIOR_FILE
                        path to prior config file. Required for signal simulation
  --correlation-shift CORRELATION_SHIFT
                        if given, also compute the correlation with given shift value
  --min-trigger MIN_TRIGGER
                        mininum trigger time w.r.t to sample. must be within [0, sample_duration]
  --max-trigger MAX_TRIGGER
                        maximum trigger time w.r.t to sample. must be within [0, sample_duration]
  -s SEED, --seed SEED  random seed for reproducibility

Fast Differentiable Matrix Sqrt Root

Fast Differentiable Matrix Sqrt Root Geometric Interpretation of Matrix Square Root and Inverse Square Root This repository constains the official Pyt

YueSong 42 Dec 30, 2022
Keras implementation of the GNM model in paper ’Graph-Based Semi-Supervised Learning with Nonignorable Nonresponses‘

Graph-based joint model with Nonignorable Missingness (GNM) This is a Keras implementation of the GNM model in paper ’Graph-Based Semi-Supervised Lear

Fan Zhou 2 Apr 17, 2022
Implementation of Barlow Twins paper

barlowtwins PyTorch Implementation of Barlow Twins paper: Barlow Twins: Self-Supervised Learning via Redundancy Reduction This is currently a work in

IgorSusmelj 86 Dec 20, 2022
Code release for NeX: Real-time View Synthesis with Neural Basis Expansion

NeX: Real-time View Synthesis with Neural Basis Expansion Project Page | Video | Paper | COLAB | Shiny Dataset We present NeX, a new approach to novel

538 Jan 09, 2023
这是一个yolox-keras的源码,可以用于训练自己的模型。

YOLOX:You Only Look Once目标检测模型在Keras当中的实现 目录 性能情况 Performance 实现的内容 Achievement 所需环境 Environment 小技巧的设置 TricksSet 文件下载 Download 训练步骤 How2train 预测步骤 Ho

Bubbliiiing 64 Nov 10, 2022
Code for our NeurIPS 2021 paper: Sparsely Changing Latent States for Prediction and Planning in Partially Observable Domains

GateL0RD This is a lightweight PyTorch implementation of GateL0RD, our RNN presented in "Sparsely Changing Latent States for Prediction and Planning i

Autonomous Learning Group 16 Nov 03, 2022
Hardware-accelerated DNN model inference ROS2 packages using NVIDIA Triton/TensorRT for both Jetson and x86_64 with CUDA-capable GPU

Isaac ROS DNN Inference Overview This repository provides two NVIDIA GPU-accelerated ROS2 nodes that perform deep learning inference using custom mode

NVIDIA Isaac ROS 62 Dec 14, 2022
a generic C++ library for image analysis

VIGRA Computer Vision Library Copyright 1998-2013 by Ullrich Koethe This file is part of the VIGRA computer vision library. You may use,

Ullrich Koethe 378 Dec 30, 2022
Attention-guided gan for synthesizing IR images

SI-AGAN Attention-guided gan for synthesizing IR images This repository contains the Tensorflow code for "Pedestrian Gender Recognition by Style Trans

1 Oct 25, 2021
Very Deep Convolutional Networks for Large-Scale Image Recognition

pytorch-vgg Some scripts to convert the VGG-16 and VGG-19 models [1] from Caffe to PyTorch. The converted models can be used with the PyTorch model zo

Justin Johnson 217 Dec 05, 2022
Unsupervised Attributed Multiplex Network Embedding (AAAI 2020)

Unsupervised Attributed Multiplex Network Embedding (DMGI) Overview Nodes in a multiplex network are connected by multiple types of relations. However

Chanyoung Park 114 Dec 06, 2022
Using Tensorflow Object Detection API to detect Waymo open dataset

Waymo-2D-Object-Detection Using Tensorflow Object Detection API to detect Waymo open dataset Result CenterNet Training Loss SSD ResNet Training Loss C

76 Dec 12, 2022
A hand tracking demo made with mediapipe where you can control lights with pinching your fingers and moving your hand up/down.

HandTrackingBrightnessControl A hand tracking demo made with mediapipe where you can control lights with pinching your fingers and moving your hand up

Teemu Laurila 19 Feb 12, 2022
Official implementation of the paper "Lightweight Deep CNN for Natural Image Matting via Similarity Preserving Knowledge Distillation"

Lightweight-Deep-CNN-for-Natural-Image-Matting-via-Similarity-Preserving-Knowledge-Distillation Introduction Accepted at IEEE Signal Processing Letter

DongGeun-Yoon 19 Jun 07, 2022
Train Dense Passage Retriever (DPR) with a single GPU

Gradient Cached Dense Passage Retrieval Gradient Cached Dense Passage Retrieval (GC-DPR) - is an extension of the original DPR library. We introduce G

Luyu Gao 92 Jan 02, 2023
Python utility to generate filesystem content for Obsidian.

Security Vault Generator Quickly parse, format, and output common frameworks/content for Obsidian.md. There is a strong focus on MITRE ATT&CK because

Justin Angel 73 Dec 02, 2022
PyTorch implementation of "PatchGame: Learning to Signal Mid-level Patches in Referential Games" to appear in NeurIPS 2021

PatchGame: Learning to Signal Mid-level Patches in Referential Games This repository is the official implementation of the paper - "PatchGame: Learnin

Kamal Gupta 22 Mar 16, 2022
Python scripts for performing stereo depth estimation using the MobileStereoNet model in ONNX

ONNX-MobileStereoNet Python scripts for performing stereo depth estimation using the MobileStereoNet model in ONNX Stereo depth estimation on the cone

Ibai Gorordo 23 Nov 29, 2022
The official implementation for ACL 2021 "Challenges in Information Seeking QA: Unanswerable Questions and Paragraph Retrieval".

Code for "Challenges in Information Seeking QA: Unanswerable Questions and Paragraph Retrieval" (ACL 2021, Long) This is the repository for baseline m

Akari Asai 25 Oct 30, 2022
A script written in Python that returns a consensus string and profile matrix of a given DNA string(s) in FASTA format.

A script written in Python that returns a consensus string and profile matrix of a given DNA string(s) in FASTA format.

Zain 1 Feb 01, 2022