This repository contains tutorials for the py4DSTEM Python package

Overview
Comments
  • Binder dev

    Binder dev

    • Binder link created, currently lands in Index.ipynb
    • data loaded as part of the notebooks, running all cells on notebooks inside binder will work.
    • Added file_getter.py which takes command-line arguments, which makes extending the download to more notebooks fairly straightforward.
    • Both notebooks work, make_probe_templates.ipynb required adding some clean-up steps to avoid going over 2GB ram limit, the alternative is to split them into more separate notebooks.
    • There's a slight issue that if people don't shutdown notebooks properly or if they have multiple notebooks over, they may cause kernel panics, both notebooks peak memory usage push the 2GB limit .
    • I haven't given much attention to style or formatting currently just wanted to get something functional and working to see if works as required.
    opened by alex-rakowski 1
  • SSB tutorial notebooks with new dataset

    SSB tutorial notebooks with new dataset

    These are two new tutorial notebooks I updated. One is for single-run reconstruction, the other is for interactive mode with ipywidgets and matplotlib visualization.

    opened by PhilippPelz 0
  • Binder dev

    Binder dev

    • Binder link created, currently lands in Index.ipynb
    • data loaded as part of the notebooks, running all cells on notebooks inside binder will work.
    • Added file_getter.py which takes command-line arguments, which makes extending the download to more notebooks fairly straightforward.
    • Both notebooks work, make_probe_templates.ipynb required adding some clean-up steps to avoid going over 2GB ram limit, the alternative is to split them into more separate notebooks.
    • There's a slight issue that if people don't shutdown notebooks properly or if they have multiple notebooks over, they may cause kernel panics, both notebooks peak memory usage push the 2GB limit .
    • I haven't given much attention to style or formatting currently just wanted to get something functional and working to see if works as required.
    opened by alex-rakowski 0
  • Add simulations for dynamical scattering

    Add simulations for dynamical scattering

    I found that there is almost no proper documentation for the dynamical scattering simulation in py4DSTEM unless you read the source code (actually I couldn't find the documentation for the whole diffraction module). So I created a tutorial using NaCl as an example. Hope I have done it right.

    opened by Taimin 0
  • py4DSTEM.process.virtualimage.get_virtualimage_circ (strain mapping tutorial)

    py4DSTEM.process.virtualimage.get_virtualimage_circ (strain mapping tutorial)

    in the strain mapping tutorial, this step doesn't work !

    [12]

    Next, create a BF virtual detector using the the center beam position (qxy0, qy0)

    We will expand the BF radius slightly (+ 2 px).

    The DF virtual detector can be set to all remaining pixels.

    expand_BF = 2.0 image_BF = py4DSTEM.process.virtualimage.get_virtualimage_circ( dataset, qx0, qy0, probe_semiangle + expand_BF) image_DF = py4DSTEM.process.virtualimage.get_virtualimage_ann( dataset, qx0, qy0, probe_semiangle + expand_BF, 1e3)

    [return]

    AttributeError Traceback (most recent call last) Input In [168], in <cell line: 5>() 1 # Next, create a BF virtual detector using the the center beam position (qxy0, qy0) 2 # We will expand the BF radius slightly (+ 2 px). 3 # The DF virtual detector can be set to all remaining pixels. 4 expand_BF = 2.0 ----> 5 image_BF = py4DSTEM.process.get_virtualimage_circ( 6 dataset, 7 qx0, qy0, 8 probe_semiangle + expand_BF) 9 image_DF = py4DSTEM.process.virtualimage.get_virtualimage_ann( 10 dataset, 11 qx0, qy0, 12 probe_semiangle + expand_BF, 13 1e3)

    AttributeError: module 'py4DSTEM.process' has no attribute 'get_virtualimage_circ'

    Any tips to fix that ?

    py4DSTEM.process.virtualimage.virtualimage.get_virtualimage_circ or py4DSTEM.process.virtualimage.get_virtualimage_circ ?

    opened by lylofu 0
  • ACOM_03_Au_NP_sim.ipynb bugs

    ACOM_03_Au_NP_sim.ipynb bugs

    Running the ACOM_03 notebook as downloaded, cell 25 gives the following error:

    ---------------------------------------------------------------------------
    NameError                                 Traceback (most recent call last)
    /var/folders/ts/tq6v7mks7hvg37ys5zvs1c2w0000gn/T/ipykernel_3012/3733081456.py in <module>
         14 
         15 # Fit an ellipse to the elliptically corrected bvm
    ---> 16 qx0_corr,qy0_corr,a_corr,e_corr,theta_corr = py4DSTEM.process.calibration.fit_ellipse_1D(bvm_ellipsecorr,(qx0,qy0),(qmin,qmax))
         17 
         18 py4DSTEM.visualize.show_elliptical_fit(
    
    NameError: name 'qmin' is not defined
    

    I think someone changed qmin, qmax to be a list called qrange and never actually tested the notebook in a fresh state.

    opened by sezelt 0
  • AttributeError: module 'py4DSTEM.process' has no attribute 'diffraction'

    AttributeError: module 'py4DSTEM.process' has no attribute 'diffraction'

    When I run the "ACOM Tutorial Notebook 01", it gives a following error message.

    AttributeError: module 'py4DSTEM.process' has no attribute 'diffraction'

    version python 3.8.0 py4DSTEM 0.12.6 pywin32 302

    error

    opened by nomurayuki0503 0
Releases(v0.13.8-alpha)
Code for a seq2seq architecture with Bahdanau attention designed to map stereotactic EEG data from human brains to spectrograms, using the PyTorch Lightning.

stereoEEG2speech We provide code for a seq2seq architecture with Bahdanau attention designed to map stereotactic EEG data from human brains to spectro

15 Nov 11, 2022
Generating images from caption and vice versa via CLIP-Guided Generative Latent Space Search

CLIP-GLaSS Repository for the paper Generating images from caption and vice versa via CLIP-Guided Generative Latent Space Search An in-browser demo is

Federico Galatolo 172 Dec 22, 2022
A Topic Modeling toolbox

Topik A Topic Modeling toolbox. Introduction The aim of topik is to provide a full suite and high-level interface for anyone interested in applying to

Anaconda, Inc. (formerly Continuum Analytics, Inc.) 93 Dec 01, 2022
This example implements the end-to-end MLOps process using Vertex AI platform and Smart Analytics technology capabilities

MLOps with Vertex AI This example implements the end-to-end MLOps process using Vertex AI platform and Smart Analytics technology capabilities. The ex

Google Cloud Platform 238 Dec 21, 2022
In-place Parallel Super Scalar Samplesort (IPS⁴o)

In-place Parallel Super Scalar Samplesort (IPS⁴o) This is the implementation of the algorithm IPS⁴o presented in the paper Engineering In-place (Share

82 Dec 22, 2022
A bare-bones TensorFlow framework for Bayesian deep learning and Gaussian process approximation

Aboleth A bare-bones TensorFlow framework for Bayesian deep learning and Gaussian process approximation [1] with stochastic gradient variational Bayes

Gradient Institute 127 Dec 12, 2022
PyTorch implementation of CDistNet: Perceiving Multi-Domain Character Distance for Robust Text Recognition

PyTorch implementation of CDistNet: Perceiving Multi-Domain Character Distance for Robust Text Recognition The unofficial code of CDistNet. Now, we ha

25 Jul 20, 2022
DeepLM: Large-scale Nonlinear Least Squares on Deep Learning Frameworks using Stochastic Domain Decomposition (CVPR 2021)

DeepLM DeepLM: Large-scale Nonlinear Least Squares on Deep Learning Frameworks using Stochastic Domain Decomposition (CVPR 2021) Run Please install th

Jingwei Huang 130 Dec 02, 2022
TensorFlow-based implementation of "Pyramid Scene Parsing Network".

PSPNet_tensorflow Important Code is fine for inference. However, the training code is just for reference and might be only used for fine-tuning. If yo

HsuanKung Yang 323 Dec 20, 2022
Python based framework for Automatic AI for Regression and Classification over numerical data.

Python based framework for Automatic AI for Regression and Classification over numerical data. Performs model search, hyper-parameter tuning, and high-quality Jupyter Notebook code generation.

BlobCity, Inc 141 Dec 21, 2022
An algorithm that handles large-scale aerial photo co-registration, based on SURF, RANSAC and PyTorch autograd.

An algorithm that handles large-scale aerial photo co-registration, based on SURF, RANSAC and PyTorch autograd.

Luna Yue Huang 41 Oct 29, 2022
SmallInitEmb - LayerNorm(SmallInit(Embedding)) in a Transformer to improve convergence

SmallInitEmb LayerNorm(SmallInit(Embedding)) in a Transformer I find that when t

PENG Bo 11 Dec 25, 2022
A series of convenience functions to make basic image processing operations such as translation, rotation, resizing, skeletonization, and displaying Matplotlib images easier with OpenCV and Python.

imutils A series of convenience functions to make basic image processing functions such as translation, rotation, resizing, skeletonization, and displ

Adrian Rosebrock 4.3k Jan 08, 2023
Official PyTorch code for Mutual Affine Network for Spatially Variant Kernel Estimation in Blind Image Super-Resolution (MANet, ICCV2021)

Mutual Affine Network for Spatially Variant Kernel Estimation in Blind Image Super-Resolution (MANet, ICCV2021) This repository is the official PyTorc

Jingyun Liang 139 Dec 29, 2022
Generalized Data Weighting via Class-level Gradient Manipulation

Generalized Data Weighting via Class-level Gradient Manipulation This repository is the official implementation of Generalized Data Weighting via Clas

18 Nov 12, 2022
Aesara is a Python library that allows one to define, optimize, and efficiently evaluate mathematical expressions involving multi-dimensional arrays.

Aesara is a Python library that allows one to define, optimize, and efficiently evaluate mathematical expressions involving multi-dimensional arrays.

Aesara 898 Jan 07, 2023
BasicRL: easy and fundamental codes for deep reinforcement learning。It is an improvement on rainbow-is-all-you-need and OpenAI Spinning Up.

BasicRL: easy and fundamental codes for deep reinforcement learning BasicRL is an improvement on rainbow-is-all-you-need and OpenAI Spinning Up. It is

RayYoh 12 Apr 28, 2022
A JAX-based research framework for writing differentiable numerical simulators with arbitrary discretizations

jaxdf - JAX-based Discretization Framework Overview | Example | Installation | Documentation ⚠️ This library is still in development. Breaking changes

UCL Biomedical Ultrasound Group 65 Dec 23, 2022
Fastshap: A fast, approximate shap kernel

fastshap: A fast, approximate shap kernel fastshap was designed to be: Fast Calculating shap values can take an extremely long time. fastshap utilizes

Samuel Wilson 22 Sep 24, 2022
Losslandscapetaxonomy - Taxonomizing local versus global structure in neural network loss landscapes

Taxonomizing local versus global structure in neural network loss landscapes Int

Yaoqing Yang 8 Dec 30, 2022