All Projects → X Transformers → Similar Projects or Alternatives

807 Open source projects that are alternatives of or similar to X Transformers

Reformer Pytorch
Reformer, the efficient Transformer, in Pytorch
Stars: ✭ 1,644 (+679.15%)
Dalle Pytorch
Implementation / replication of DALL-E, OpenAI's Text to Image Transformer, in Pytorch
Stars: ✭ 3,661 (+1635.07%)
Alphafold2
To eventually become an unofficial Pytorch implementation / replication of Alphafold2, as details of the architecture get released
Stars: ✭ 298 (+41.23%)
Timesformer Pytorch
Implementation of TimeSformer from Facebook AI, a pure attention-based solution for video classification
Stars: ✭ 225 (+6.64%)
Bottleneck Transformer Pytorch
Implementation of Bottleneck Transformer in Pytorch
Stars: ✭ 408 (+93.36%)
Linformer Pytorch
My take on a practical implementation of Linformer for Pytorch.
Stars: ✭ 239 (+13.27%)
Point Transformer Pytorch
Implementation of the Point Transformer layer, in Pytorch
Stars: ✭ 199 (-5.69%)
Self Attention Cv
Implementation of various self-attention mechanisms focused on computer vision. Ongoing repository.
Stars: ✭ 209 (-0.95%)
Lambda Networks
Implementation of LambdaNetworks, a new approach to image recognition that reaches SOTA with less compute
Stars: ✭ 1,497 (+609.48%)
Vit Pytorch
Implementation of Vision Transformer, a simple way to achieve SOTA in vision classification with only a single transformer encoder, in Pytorch
Stars: ✭ 7,199 (+3311.85%)
Se3 Transformer Pytorch
Implementation of SE3-Transformers for Equivariant Self-Attention, in Pytorch. This specific repository is geared towards integration with eventual Alphafold2 replication.
Stars: ✭ 73 (-65.4%)
Perceiver Pytorch
Implementation of Perceiver, General Perception with Iterative Attention, in Pytorch
Stars: ✭ 130 (-38.39%)
Isab Pytorch
An implementation of (Induced) Set Attention Block, from the Set Transformers paper
Stars: ✭ 21 (-90.05%)
Simplednn
SimpleDNN is a machine learning lightweight open-source library written in Kotlin designed to support relevant neural network architectures in natural language processing tasks
Stars: ✭ 81 (-61.61%)
Sinkhorn Transformer
Sinkhorn Transformer - Practical implementation of Sparse Sinkhorn Attention
Stars: ✭ 156 (-26.07%)
Linear Attention Transformer
Transformer based on a variant of attention that is linear complexity in respect to sequence length
Stars: ✭ 205 (-2.84%)
Global Self Attention Network
A Pytorch implementation of Global Self-Attention Network, a fully-attention backbone for vision tasks
Stars: ✭ 64 (-69.67%)
Performer Pytorch
An implementation of Performer, a linear attention-based transformer, in Pytorch
Stars: ✭ 546 (+158.77%)
Routing Transformer
Fully featured implementation of Routing Transformer
Stars: ✭ 149 (-29.38%)
Slot Attention
Implementation of Slot Attention from GoogleAI
Stars: ✭ 168 (-20.38%)
Acurustrack
A multi-object tracking component. Works in the conditions where identification and classical object trackers don't (e.g. shaky/unstable camera footage, occlusions, motion blur, covered faces, etc.). Works on any object despite their nature.
Stars: ✭ 196 (-7.11%)
Mutual labels:  artificial-intelligence
Deep Learning With Python
Deep learning codes and projects using Python
Stars: ✭ 195 (-7.58%)
Mutual labels:  artificial-intelligence
Vectorai
Vector AI — A platform for building vector based applications. Encode, query and analyse data using vectors.
Stars: ✭ 195 (-7.58%)
Mutual labels:  artificial-intelligence
Imodels
Interpretable ML package 🔍 for concise, transparent, and accurate predictive modeling (sklearn-compatible).
Stars: ✭ 194 (-8.06%)
Mutual labels:  artificial-intelligence
Game Bot
Artificial intelligence learn playing any game with watching you.
Stars: ✭ 209 (-0.95%)
Mutual labels:  artificial-intelligence
Guided Attention Inference Network
Contains implementation of Guided Attention Inference Network (GAIN) presented in Tell Me Where to Look(CVPR 2018). This repository aims to apply GAIN on fcn8 architecture used for segmentation.
Stars: ✭ 204 (-3.32%)
Mutual labels:  attention-mechanism
Person Detection And Tracking
A tensorflow implementation with SSD model for person detection and Kalman Filtering combined for tracking
Stars: ✭ 193 (-8.53%)
Mutual labels:  artificial-intelligence
Thinc
🔮 A refreshing functional take on deep learning, compatible with your favorite libraries
Stars: ✭ 2,422 (+1047.87%)
Mutual labels:  artificial-intelligence
Keras Attention Mechanism
Attention mechanism Implementation for Keras.
Stars: ✭ 2,504 (+1086.73%)
Mutual labels:  attention-mechanism
Mahjongai
Japanese Riichi Mahjong AI agent. (Feel free to extend this agent or develop your own agent)
Stars: ✭ 210 (-0.47%)
Mutual labels:  artificial-intelligence
Dm control
DeepMind's software stack for physics-based simulation and Reinforcement Learning environments, using MuJoCo.
Stars: ✭ 2,592 (+1128.44%)
Mutual labels:  artificial-intelligence
Aind Nlp
Coding exercises for the Natural Language Processing concentration, part of Udacity's AIND program.
Stars: ✭ 202 (-4.27%)
Mutual labels:  artificial-intelligence
Gophernet
A simple from-scratch neural net written in Go
Stars: ✭ 194 (-8.06%)
Mutual labels:  artificial-intelligence
Text Classification
Text Classification through CNN, RNN & HAN using Keras
Stars: ✭ 216 (+2.37%)
Mutual labels:  artificial-intelligence
Attention Mechanisms
Implementations for a family of attention mechanisms, suitable for all kinds of natural language processing tasks and compatible with TensorFlow 2.0 and Keras.
Stars: ✭ 203 (-3.79%)
Mutual labels:  attention-mechanism
Hnatt
Train and visualize Hierarchical Attention Networks
Stars: ✭ 192 (-9%)
Mutual labels:  attention-mechanism
Yolov3 Object Detection With Opencv
This project implements a real-time image and video object detection classifier using pretrained yolov3 models.
Stars: ✭ 191 (-9.48%)
Mutual labels:  artificial-intelligence
Gan Sandbox
Vanilla GAN implemented on top of keras/tensorflow enabling rapid experimentation & research. Branches correspond to implementations of stable GAN variations (i.e. ACGan, InfoGAN) and other promising variations of GANs like conditional and Wasserstein.
Stars: ✭ 210 (-0.47%)
Mutual labels:  artificial-intelligence
Pyss3
A Python package implementing a new machine learning model for text classification with visualization tools for Explainable AI
Stars: ✭ 191 (-9.48%)
Mutual labels:  artificial-intelligence
Free Ai Resources
🚀 FREE AI Resources - 🎓 Courses, 👷 Jobs, 📝 Blogs, 🔬 AI Research, and many more - for everyone!
Stars: ✭ 192 (-9%)
Mutual labels:  artificial-intelligence
Deep Learning Notes
My personal notes, presentations, and notebooks on everything Deep Learning.
Stars: ✭ 191 (-9.48%)
Mutual labels:  artificial-intelligence
Tic Tac Toe Minimax
Minimax is a AI algorithm.
Stars: ✭ 201 (-4.74%)
Mutual labels:  artificial-intelligence
Classifai
Enhance your WordPress content with Artificial Intelligence and Machine Learning services.
Stars: ✭ 188 (-10.9%)
Mutual labels:  artificial-intelligence
Genmusic demo list
a list of demo websites for automatic music generation research
Stars: ✭ 188 (-10.9%)
Mutual labels:  artificial-intelligence
Kaolin
A PyTorch Library for Accelerating 3D Deep Learning Research
Stars: ✭ 2,794 (+1224.17%)
Mutual labels:  artificial-intelligence
Handtrack.js
A library for prototyping realtime hand detection (bounding box), directly in the browser.
Stars: ✭ 2,531 (+1099.53%)
Mutual labels:  artificial-intelligence
Csa Inpainting
Coherent Semantic Attention for image inpainting(ICCV 2019)
Stars: ✭ 202 (-4.27%)
Mutual labels:  attention-mechanism
Learning Content
Resources for the study group in IIT Guwahati focused on learning Artificial Intelligence.
Stars: ✭ 187 (-11.37%)
Mutual labels:  artificial-intelligence
Go Matrix
First version of go-MATRIX, especially for TPS optimization and AI
Stars: ✭ 187 (-11.37%)
Mutual labels:  artificial-intelligence
Traffic Sign Detection
Traffic Sign Detection. Code for the paper entitled "Evaluation of deep neural networks for traffic sign detection systems".
Stars: ✭ 200 (-5.21%)
Mutual labels:  artificial-intelligence
Fuzzylite
fuzzylite: a fuzzy logic control library in C++
Stars: ✭ 185 (-12.32%)
Mutual labels:  artificial-intelligence
Gun
An open source cybersecurity protocol for syncing decentralized graph data.
Stars: ✭ 15,172 (+7090.52%)
Mutual labels:  artificial-intelligence
Deepsort
🧠 AI powered image tagger backed by DeepDetect
Stars: ✭ 209 (-0.95%)
Mutual labels:  artificial-intelligence
Lale
Library for Semi-Automated Data Science
Stars: ✭ 198 (-6.16%)
Mutual labels:  artificial-intelligence
Pytorch Lightning
The lightweight PyTorch wrapper for high-performance AI research. Scale your models, not the boilerplate.
Stars: ✭ 16,641 (+7786.73%)
Mutual labels:  artificial-intelligence
Deepinterests
深度有趣
Stars: ✭ 2,232 (+957.82%)
Mutual labels:  artificial-intelligence
Ml Auto Baseball Pitching Overlay
⚾🤖⚾ Automatic baseball pitching overlay in realtime
Stars: ✭ 200 (-5.21%)
Mutual labels:  artificial-intelligence
Attentive Gan Derainnet
Unofficial tensorflow implemention of "Attentive Generative Adversarial Network for Raindrop Removal from A Single Image (CVPR 2018) " model https://maybeshewill-cv.github.io/attentive-gan-derainnet/
Stars: ✭ 184 (-12.8%)
Mutual labels:  attention-mechanism
Hyperactive
A hyperparameter optimization and data collection toolbox for convenient and fast prototyping of machine-learning models.
Stars: ✭ 182 (-13.74%)
Mutual labels:  artificial-intelligence
Neat Vision
Neat (Neural Attention) Vision, is a visualization tool for the attention mechanisms of deep-learning models for Natural Language Processing (NLP) tasks. (framework-agnostic)
Stars: ✭ 213 (+0.95%)
Mutual labels:  attention-mechanism
1-60 of 807 similar projects