SeanSdahl / PytorchDataloaderForTensorflowLinks
This repository defines a python class that can be used to load data for the tf.keras.model.fit_generator function by using a torch.utils.data.Dataloader object for image data. This way transforms on the input image data can be transformed using the PyTorch library but still be used to fit a tf.keras.model.
☆11Updated 8 months ago
Alternatives and similar repositories for PytorchDataloaderForTensorflow
Users that are interested in PytorchDataloaderForTensorflow are comparing it to the libraries listed below
Sorting:
- Prabhupadavani: A Code-mixed Speech Translation Data for 25 languages☆13Updated 2 years ago
- Easily turn large sets of audio urls to an audio dataset.☆21Updated 2 years ago
- The collection of bulding blocks building fine-tunable metric learning models☆32Updated 3 months ago
- ☆15Updated 4 years ago
- An implementation of Compositional Attention: Disentangling Search and Retrieval by MILA☆14Updated 3 years ago
- Minimal implementation of Denoised Smoothing (https://arxiv.org/abs/2003.01908) in TensorFlow.☆20Updated 3 years ago
- Implements EvoNorms B0 and S0 as proposed in Evolving Normalization-Activation Layers.☆11Updated 5 years ago
- Code for the paper "Code-Mixing on Sesame Street: Dawn of the Adversarial Polyglots" (NAACL-HLT 2021)☆10Updated 2 months ago
- Audio processing using deep neural networks. Speaker identification using voice embeddings.☆13Updated 2 years ago
- Experiments with Hugging Face 🔬 🤗☆44Updated 10 months ago
- Implementation of N-Grammer in Flax☆17Updated 2 years ago
- Shows how to do parameter ensembling using differential evolution.☆10Updated 3 years ago
- Common crawl pretrained sentencepiece tokenizers for English and Japanese for various vocabulary sizes. Also development environment for …☆10Updated 3 years ago
- A Pytorch Implementations for Various Vector Quantization Methods☆30Updated 3 years ago
- This repository hosts the code to port NumPy model weights of BiT-ResNets to TensorFlow SavedModel format.☆14Updated 3 years ago
- All my experiments with the various transformers and various transformer frameworks available☆14Updated 4 years ago
- It is an algorithm analysed the acoustic features of a voice and creates an acoustic classifier - USEFUL for auto-speech-rater☆11Updated 6 years ago
- ☆15Updated 3 years ago
- PyTorch implementation of GLOM☆22Updated 3 years ago
- bumble bee transformer☆14Updated 4 years ago
- Developing adversarial examples and showing their semantic generalization for the OpenAI CLIP model (https://github.com/openai/CLIP)☆26Updated 4 years ago
- Companion Repo for the Vision Language Modelling YouTube series - https://bit.ly/3PsbsC2 - by Prithivi Da. Open to PRs and collaborations☆14Updated 2 years ago
- Simple and clean Python implementation of TextRank as per seminal paper by Rada Mihalcea and Paul Tarau. This implementation performs bot…☆11Updated 4 years ago
- Parallelized automatic corpus collection for ASR. Forked from https://github.com/EgorLakomkin/KTSpeechCrawler☆24Updated 4 years ago
- Bunch of experiments with Transformers, BERT and GPT-2. Experiments include question-answering and conditional text generation.☆12Updated 4 years ago
- My explorations into editing the knowledge and memories of an attention network☆35Updated 2 years ago
- Speech in Flax/JAX☆15Updated 3 years ago
- Simplifying parsing of large jsonline files in NLP Workflows☆12Updated 3 years ago
- Experiments for the blog post "No, We Don't Have to Choose Batch Sizes As Powers Of 2"☆20Updated 3 years ago
- GPT-jax based on the official huggingface library☆13Updated 4 years ago