GitHub topics: beam-search
bytedance/lightseq
LightSeq: A High Performance Library for Sequence Processing and Generation
Language: C++ - Size: 11.9 MB - Last synced at: 10 days ago - Pushed at: almost 2 years ago - Stars: 3,262 - Forks: 331

MagedSaeed/generate-sequences
A python package made to generate sequences (greedy and beam-search) from Pytorch (not necessarily HF transformers) models.
Language: Python - Size: 1.03 MB - Last synced at: 9 days ago - Pushed at: 12 days ago - Stars: 16 - Forks: 0

guillaumegenthial/im2latex
Image to LaTeX (Seq2seq + Attention with Beam Search) - Tensorflow
Language: Python - Size: 3.75 MB - Last synced at: 15 days ago - Pushed at: over 4 years ago - Stars: 462 - Forks: 129

k1242/cayleypy-cube
Efficient zero-human-knowledge NN-based solver for NxNxN Rubik's cubes and general Cayley graphs
Language: Python - Size: 21.9 MB - Last synced at: 12 days ago - Pushed at: 12 days ago - Stars: 15 - Forks: 4

giladodinak/mlinc
Machine Learning from scratch in C
Language: C - Size: 5.55 MB - Last synced at: 29 days ago - Pushed at: 29 days ago - Stars: 0 - Forks: 1

yashk2810/Image-Captioning
Image Captioning using InceptionV3 and beam search
Language: Jupyter Notebook - Size: 74.6 MB - Last synced at: 13 days ago - Pushed at: over 4 years ago - Stars: 327 - Forks: 122

githubharald/CTCDecoder
Connectionist Temporal Classification (CTC) decoding algorithms: best path, beam search, lexicon search, prefix search, and token passing. Implemented in Python.
Language: Python - Size: 1010 KB - Last synced at: 8 days ago - Pushed at: over 3 years ago - Stars: 825 - Forks: 183

bshao001/ChatLearner
A chatbot implemented in TensorFlow based on the seq2seq model, with certain rules integrated.
Language: Python - Size: 35.2 MB - Last synced at: 15 days ago - Pushed at: over 5 years ago - Stars: 540 - Forks: 211

parlance/ctcdecode
PyTorch CTC Decoder bindings
Language: C++ - Size: 753 KB - Last synced at: 18 days ago - Pushed at: about 1 year ago - Stars: 835 - Forks: 249

Cloud-CV/diverse-beam-search
:mag: :shipit: Decoding Diverse Solutions from Neural Sequence Models
Language: Lua - Size: 3.12 MB - Last synced at: about 13 hours ago - Pushed at: over 6 years ago - Stars: 76 - Forks: 19

Kyubyong/nlp_made_easy
Explains nlp building blocks in a simple manner.
Language: Jupyter Notebook - Size: 278 KB - Last synced at: 20 days ago - Pushed at: over 5 years ago - Stars: 251 - Forks: 36

nanoporetech/fast-ctc-decode
Blitzing Fast CTC Beam Search Decoder
Language: Rust - Size: 307 KB - Last synced at: 16 days ago - Pushed at: 11 months ago - Stars: 182 - Forks: 26

frantorres14/Function-Optimization-Using-Genetic-Algorithms-Simulated-Annealing-and-Beam-Search
Optimización de funciones usando los métodos algoritmos genéticos, recocido simulado y beam search
Language: Jupyter Notebook - Size: 188 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

jarobyte91/pytorch_beam_search
A lightweight implementation of Beam Search for sequence models in PyTorch.
Language: Python - Size: 927 KB - Last synced at: about 1 month ago - Pushed at: 9 months ago - Stars: 54 - Forks: 6

thecog19/HATETRIS-public-beamsearch
The tool used to generate machine learning networks using the NNUE framework and beam searches to achieve the HATETRIS world record.
Language: Rust - Size: 123 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 12 - Forks: 2

KMX-Systems/a-star-algo
Generic C++ implementation of A* algorithm (header only). Features: Fully customizable internal data structures, step-by-step execution and beam search support.
Language: C++ - Size: 4.88 KB - Last synced at: 8 days ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

pbhatia243/Neural_Conversation_Models
Tensorflow based Neural Conversation Models
Language: Python - Size: 29.3 KB - Last synced at: about 1 month ago - Pushed at: about 8 years ago - Stars: 190 - Forks: 73

touhi99/N-gram-Language-model
Programming for NLP Project - Implement a basic n-gram language model and generate sentence using beam search
Language: Python - Size: 1.2 MB - Last synced at: 22 days ago - Pushed at: about 5 years ago - Stars: 12 - Forks: 5

gvnberaldi/HypersonicSearchTree
An intelligent agent designed for the Hypersonic game using advanced search algorithms and heuristics to strategically destroy boxes, collect items, and outsmart opponents. This project was developed as part of a competition and achieved top positions in the gold league.
Language: C++ - Size: 0 Bytes - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

janelu9/Image2Text
An image to text model base on transformer which can also be used on OCR task.
Language: Python - Size: 667 KB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 4 - Forks: 0

VictorAlves08/agent_maze_navigator
Aplicação web interativa desenvolvida em React que permite aos usuários visualizar e comparar diferentes algoritmos de busca utilizados para resolver labirintos. A aplicação suporta Busca em Profundidade (DFS), Busca em Largura (BFS) e Busca em Feixe (BS), proporcionando uma compreensão prática de como cada algoritmo explora o espaço de busca.
Language: JavaScript - Size: 367 KB - Last synced at: 12 days ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

Lizhecheng02/UCSD-CSE256-PA4
CSE 256 LIGN 256 - Statistical Natural Lang Proc - Nakashole [FA24] PA4
Language: Jupyter Notebook - Size: 390 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

selimfirat/ai-n-queens
Solving and GUI demonstration of traditional N-Queens Problem using Hill Climbing, Simulated Annealing, Local Beam Search, and Genetic Algorithm.
Language: Java - Size: 710 KB - Last synced at: 4 months ago - Pushed at: almost 8 years ago - Stars: 38 - Forks: 10

hirofumi0810/tensorflow_end2end_speech_recognition
End-to-End speech recognition implementation base on TensorFlow (CTC, Attention, and MTL training)
Language: Python - Size: 4.17 MB - Last synced at: 5 months ago - Pushed at: about 7 years ago - Stars: 313 - Forks: 120

Disiok/poetry-seq2seq
Chinese Poetry Generation
Language: Jupyter Notebook - Size: 77.3 MB - Last synced at: 19 days ago - Pushed at: over 7 years ago - Stars: 177 - Forks: 64

Kirili4ik/QuartzNet-ASR-pytorch
Automatic Speech Recognition (ASR) model QuartzNet trained on English CommonVoice. In PyTroch with CTC loss and beam search.
Language: Jupyter Notebook - Size: 1.2 MB - Last synced at: 17 days ago - Pushed at: over 4 years ago - Stars: 16 - Forks: 3

NJUxlj/ner-bert-crf
use BERT+CRF to complete NER task, we also use beam-seach and viterbi-search in CRF decoding
Language: Python - Size: 6.85 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

AndreiMoraru123/Neural-Machine-Translation
Modern Eager TensorFlow implementation of Attention Is All You Need
Language: Python - Size: 1.02 MB - Last synced at: 2 days ago - Pushed at: 7 months ago - Stars: 2 - Forks: 0

Qznan/QizNLP
Quick run NLP in many task 快速运行分类、序列标注、匹配、生成等NLP任务的Tensorflow框架 (中文 NLP 支持分布式)
Language: Python - Size: 2.83 MB - Last synced at: 10 days ago - Pushed at: over 4 years ago - Stars: 30 - Forks: 6

hainn2803/Capacitated-vehicle-routing-problem-with-pick-up-and-delivery-Optimization
A project for Fundamental of Optimization class at HUST, Winter 2022
Language: Python - Size: 69.3 KB - Last synced at: 8 months ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0

niveditha-vudayagiri/8-puzzle
8-puzzle implementation in Python using State space search algorithms
Language: Python - Size: 18.6 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

o-laurent/peg-solitaire
Play & autosolve peg solitaire in your terminal!
Language: C - Size: 413 KB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

entangledloops/slidingpuzzle
Sliding Puzzle solver and utilities
Language: Python - Size: 367 KB - Last synced at: 13 days ago - Pushed at: about 1 year ago - Stars: 9 - Forks: 1

antonioualex/N-Gram-Language-Model-with-Beam-Search-Decoder
This repository contains an implementation of N-Gram Language Models (unigram, bigram, and trigram) and a Beam Search Decoder for correcting text with random errors. The code is written in Python and utilizes the NLTK library for natural language processing tasks.
Language: Jupyter Notebook - Size: 18.6 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

xSenzaki/CS321L-M_Artificial_Intelligence_Lab
This repository is a compilation of my activities from the subject course of CS321L-M - Artificial Intelligence Lab.
Language: Python - Size: 45.9 KB - Last synced at: about 1 month ago - Pushed at: 12 months ago - Stars: 1 - Forks: 0

anubhavshrimal/Attention-Beam-Image-Captioning
Image captioning using beam search heuristic on top of the encoder-decoder based architecture
Language: Jupyter Notebook - Size: 9.64 MB - Last synced at: 10 months ago - Pushed at: over 2 years ago - Stars: 14 - Forks: 9

sabirdvd/BLIP_image_caption_demo
BLIP image caption demo - medium post blog
Language: Jupyter Notebook - Size: 2.28 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 4 - Forks: 3

dinhngoc267/beam_search_seq2seq
An improved implementation of Beam Search Decoding in RNN-based Seq2Seq Architecture
Language: Python - Size: 30.3 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 1 - Forks: 0

francomano/neural_inverted_index_dsi Fork of luigi-ga/neural_inverted_index_dsi
Neural inverted index for fast and effective information retrieval
Language: Jupyter Notebook - Size: 15.3 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

dialogue-planning/conversation-alignment
Conversation alignment for debugging dialogue-as-planning agents.
Language: PDDL - Size: 468 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

agSwift/whiteboard-captioning
An approach to handwriting recognition using individual Bézier curves.
Language: Jupyter Notebook - Size: 772 MB - Last synced at: 4 months ago - Pushed at: almost 2 years ago - Stars: 3 - Forks: 0

yurayli/stanford-cs224n-sol
My solutions to cs224n assignments with numpy and pytorch
Language: Python - Size: 53.8 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 4 - Forks: 7

caohch-1/Tetris-AI
Codes and Reports for Final Project of CS181-21-FA, ShanghaiTech. Using reinforcement learning and heuristic methods to play Tetris.
Language: Python - Size: 99.3 MB - Last synced at: 12 months ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 3

mikecvet/beam
LLM Beam Search Example Implementation
Language: Python - Size: 150 KB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 2 - Forks: 1

kmyk/procon26 📦
全国高等専門学校プログラミングコンテスト
Language: C++ - Size: 4.73 MB - Last synced at: 12 months ago - Pushed at: almost 7 years ago - Stars: 5 - Forks: 0

RoyalSkye/Image-Caption
Using LSTM or Transformer to solve Image Captioning in Pytorch
Language: Python - Size: 68.6 MB - Last synced at: 12 months ago - Pushed at: almost 4 years ago - Stars: 70 - Forks: 25

emmareysanchez/ImageCaptioning
Pytorch Image Captioning model using a CNN-RNN architecture
Language: Python - Size: 7.69 MB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 2 - Forks: 0

LaurentVeyssier/Automatic-image-Captioning
Captioning generated by a CNN encoder (ResNet 101) and a decoder using LTSM with attention
Language: Jupyter Notebook - Size: 6.79 MB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

cmkhaledsaifullah/DeepAPIMethodCallReccomendation
The repository contains code for recommending method call and argument as a sequence using deep learning approaches. Besides, contextcollection0.1 branch contains java program to collect code tokens from the java projects
Size: 14.2 MB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 1

chanddu/Part-of-speech-tagging-with-discriminatively-re-ranked-Hidden-Markov-Models
Implemented POS tagging by combining a standard HMM tagger separately with a Maximum Entropy classifier designed to re-rank the k-best tag sequences produced by HMM – achieved better results than VITERBI (decoding algorithm)
Language: Python - Size: 7.81 KB - Last synced at: about 1 year ago - Pushed at: almost 8 years ago - Stars: 0 - Forks: 1

ASK1995/Artificial-Intelligence
CS 531 Course Assignments + Projects at OSU
Language: Python - Size: 1.32 MB - Last synced at: about 1 year ago - Pushed at: about 7 years ago - Stars: 1 - Forks: 0

GurkNathe/Pathfinding-Algorithms
A Python implementation and visualization of various pathfinding and graph search algorithms.
Language: Python - Size: 63.9 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 18 - Forks: 3

jayant1211/A-Multi-Modal-Approach-to-Improve-Scene-Context
This GitHub repository focuses on an integrated approach to scene classification and image caption generation, aiming to improve the accuracy of scene evaluation in computer vision applications.
Language: Jupyter Notebook - Size: 10.3 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

th789/mbr-for-nmt
Characterizing the performance of minimum Bayes risk (MBR) decoding for neural machine translation (NMT) when using various candidate generation methods by examining BLEU score, length bias, and token frequency bias. [CS287: Deep Learning for Natural Language Processing, Final Project, Fall 2021]
Language: Jupyter Notebook - Size: 584 MB - Last synced at: about 1 year ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 1

bedapudi6788/txt2txt
Extremely easy to use sequence to sequence library with attention, for text to text conversion tasks.
Language: Python - Size: 51.8 KB - Last synced at: 5 months ago - Pushed at: over 4 years ago - Stars: 39 - Forks: 14

jiali-ms/JLM
A fast LSTM Language Model for large vocabulary language like Japanese and Chinese
Language: Python - Size: 51.7 MB - Last synced at: 4 months ago - Pushed at: almost 6 years ago - Stars: 109 - Forks: 23

soskek/captioning_chainer
A fast implementation of Neural Image Caption by Chainer
Language: Python - Size: 22.5 KB - Last synced at: 5 days ago - Pushed at: over 6 years ago - Stars: 16 - Forks: 6

cankocagil/Image-Captioning
Convolutional Language Model for Image Captioning
Language: Python - Size: 4.18 MB - Last synced at: 12 months ago - Pushed at: about 4 years ago - Stars: 2 - Forks: 2

m516825/Caption-Generation
Language: Python - Size: 2.19 MB - Last synced at: over 1 year ago - Pushed at: almost 8 years ago - Stars: 6 - Forks: 0

vermavinay982/scene-desciption-pytorch
We don't just count things, 1 Person, 3 Dog. We see things with Context, The Dog Running Behind Person to Bite. The same is tried to be implemented with this model.
Language: Jupyter Notebook - Size: 17.8 MB - Last synced at: 16 days ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

xueyouluo/my_seq2seq
My seq2seq based on tensorflow
Language: Python - Size: 419 KB - Last synced at: 12 months ago - Pushed at: almost 7 years ago - Stars: 70 - Forks: 21

ayshajamjam/Flickr-Image-Captioning
NLP 5
Language: Jupyter Notebook - Size: 4.61 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

type-a/speechnet
Automatic Speech Recognition
Language: Python - Size: 89.8 KB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 20 - Forks: 2

ywk991112/pytorch-chatbot
Pytorch seq2seq chatbot
Language: Python - Size: 62.5 KB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 385 - Forks: 125

dabasajay/Image-Caption-Generator
A neural network to generate captions for an image using CNN and RNN with BEAM Search.
Language: Python - Size: 2.4 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 247 - Forks: 76

catseye/relwrite
MIRROR of https://codeberg.org/catseye/relwrite : Relate strings to strings via a grammar in the Chomsky hierarchy
Language: Python - Size: 22.5 KB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

rohithreddy024/Text-Summarizer-Pytorch
Pytorch implementation of "A Deep Reinforced Model for Abstractive Summarization" paper and pointer generator network
Language: Python - Size: 70.3 KB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 306 - Forks: 74

shayneobrien/machine-translation
Neural machine translation on the IWSLT-2016 dataset of Ted talks translated between German and English using sequence-to-sequence models with/without attention and beam search.
Language: Jupyter Notebook - Size: 581 KB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 4 - Forks: 1

lc222/seq2seq_chatbot
基于seq2seq模型的简单对话系统的tf实现,具有embedding、attention、beam_search等功能,数据集是Cornell Movie Dialogs
Language: Python - Size: 2.46 MB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 330 - Forks: 99

lc222/seq2seq_chatbot_new
基于seq2seq模型的简单对话系统的tf实现,具有embedding、attention、beam_search等功能,数据集是Cornell Movie Dialogs
Language: Python - Size: 2.46 MB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 143 - Forks: 64

lfsimoes/beam_paco__gtoc5
Multi-rendezvous Spacecraft Trajectory Optimization with Beam P-ACO
Language: Jupyter Notebook - Size: 4 MB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 20 - Forks: 7

Marsan-Ma-zz/tf_chatbot_seq2seq_antilm
Seq2seq chatbot with attention and anti-language model to suppress generic response, option for further improve by deep reinforcement learning.
Language: Python - Size: 11 MB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 365 - Forks: 165

Sundy1219/ctc_beam_search_lm
CTC+Beam_Search+kenlm 是用于以汉字为声学模型建模单元的解码系统
Language: C++ - Size: 58.2 MB - Last synced at: over 1 year ago - Pushed at: almost 7 years ago - Stars: 43 - Forks: 22

frozentoad9/Neural-Machine-Translation
Attention in Seq2Seq with Teacher Forcing and Beam Search Decoding
Language: Python - Size: 3.12 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 0

dksifoua/Neural-Image-Caption-Generator
In this project, I define and train an image-to-caption model that can produce descriptions for real world images with Flickr-8k dataset.
Language: Jupyter Notebook - Size: 1020 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 5 - Forks: 3

yanwii/seq2seq
基于Pytorch的中文聊天机器人 集成BeamSearch算法
Language: Python - Size: 2.61 MB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 232 - Forks: 88

hipoglucido/films-synopsis-generator
Language: Jupyter Notebook - Size: 669 KB - Last synced at: over 1 year ago - Pushed at: almost 8 years ago - Stars: 2 - Forks: 2

hfxunlp/transformer 📦
Neutron: A pytorch based implementation of Transformer and its variants.
Language: Python - Size: 887 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 63 - Forks: 11

AhmedNasserabdelkareem/N-Queens
Python Implementation for N-Queen problem using Hill Climbing, Genetic Algorithm, K-Beam Local search and CSP
Language: Python - Size: 6.94 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 6 - Forks: 3

GINK03/beam-search-nlp
単語の共起確率を元に、状態遷移の幅を探索します
Language: Python - Size: 43 KB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 2 - Forks: 0

matthieu-cervera/CCMT-CPBP-Interface
CCMT-CPBP is a neuro-symbolic artificial intelligence system (combining machine learning and constraint programming) that generates musical melodies based on given chords while providing more control over these melodies than the base transformer.
Language: Java - Size: 70.9 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

kennethsible/translation
Neural Machine Translation in PyTorch
Language: Python - Size: 73.5 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 4 - Forks: 0

viniciusarruda/ufes
Some assignments done during my undergraduate course.
Language: C - Size: 39.9 MB - Last synced at: almost 2 years ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 0

pazusoba/core
Try to solve Puzzle & Dragons with C++
Language: C++ - Size: 6.76 MB - Last synced at: almost 2 years ago - Pushed at: about 3 years ago - Stars: 9 - Forks: 1

dksifoua/Neural-Machine-Translation
State of the art of Neural Machine Translation with PyTorch and TorchText.
Language: Jupyter Notebook - Size: 4.58 MB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 10 - Forks: 2

TanyaChutani/Image-Captioning-Generator
Image Captioning Generator Keras
Language: Jupyter Notebook - Size: 156 KB - Last synced at: about 2 months ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

louiskirsch/tensorflow-with-kenlm Fork of tensorflow/tensorflow
Tensorflow with KenLM integrated for beam search scoring
Language: C++ - Size: 89.9 MB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 33 - Forks: 7

juandiegou/Bomberman
Language: Java - Size: 189 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

revidee/CoMER Fork of Green-Wood/CoMER
SSL Methods integrated into the official implementation of the ECCV"22 Paper "CoMER: Modeling Coverage for Transformer-based Handwritten Mathematical Expression Recognition"
Language: Python - Size: 80 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

30stomercury/Dialogical-Emotion-Decoding
[ICASSP20] A Dialogical Emotion Decoder For Speech Emotion Recognition in Spoken Dialog
Language: Python - Size: 1.03 MB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 8 - Forks: 3

cloneofsimo/zeroshot-storytelling
Github repository for Zero Shot Visual Storytelling
Language: Python - Size: 2.87 MB - Last synced at: 16 days ago - Pushed at: over 3 years ago - Stars: 15 - Forks: 0

DataSenseiAryan/TS3000_TheChatBOT
Its a social networking chat-bot trained on Reddit dataset . It supports open bounded queries developed on the concept of Neural Machine Translation. Beware of its being sarcastic just like its creator :stuck_out_tongue_closed_eyes: BDW it uses Pytorch framework and Python3.
Language: Python - Size: 704 KB - Last synced at: almost 2 years ago - Pushed at: about 4 years ago - Stars: 23 - Forks: 5

MathynS/emm
Exceptional Model Mining is a descriptive data mining technique to find interesting patterns in datasets. This package contains a Python inmplementation of Exceptional Model Mining that can be applied to any dataset.
Language: Jupyter Notebook - Size: 6.9 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 5 - Forks: 3

peterzee-tsien/NLP_projects
Some NLP projects/assignments I've done in the past(Including beam search and tf-idf matrix from scratch)
Language: Jupyter Notebook - Size: 1.11 MB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

wenhaofang/Seq2SeqDiverse
Seq2Seq model implemented with pytorch, using temperature sampling, top-k sampling, top-p sampling / nucleus sampling, and beam search.
Language: Python - Size: 18.6 KB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 1

stefanhuber/n-queens-problem
Demonstrate different local search algorithms applied to the 8-queens problem.
Language: Python - Size: 16.6 KB - Last synced at: about 2 months ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

kenya-sk/show_attend_and_tell
This repository reimplements "Show, Attend and Tell" model and add extra deep learning techniques.
Language: Python - Size: 19.2 MB - Last synced at: 12 months ago - Pushed at: over 1 year ago - Stars: 11 - Forks: 1

Moeinh77/Image-Captioning-with-Beam-Search
Generating image captions using Xception Network and Beam Search in Keras - My Bachelor's thesis project
Language: Jupyter Notebook - Size: 52.2 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 18 - Forks: 3

zarzouram/image_captioning_with_transformers
Pytorch implementation of image captioning using transformer-based model.
Language: Jupyter Notebook - Size: 1.26 GB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 21 - Forks: 5

oelin/implicit-language-models
Elucidation of implicit language models from common data compression algorithms.
Language: Jupyter Notebook - Size: 21.5 KB - Last synced at: about 1 month ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0
