Pinned Repositories
facenet
Face recognition using Tensorflow
Clustering
Program to perform kmeans clustering, kernel kmeans, and also spectral clustering (last 2 both based on RBF kernels).
CtCI-6th-Edition-cpp
Cracking the Coding Interview 6th Ed. C++ Solutions
Gist
GIST | Educational app for Freshers Jobs Recruitment
ImgPreprocessing
Image Pre-processing to improve OCR accuracy.
MobileFaceNet_TF
Tensorflow implementation for MobileFaceNet
motionEstimation
Program to estimate motion vectors from an image sequence using the exhaustive search block matching algorithm.
PCN-FaceDetection
Progressive Calibration Networks (PCN) is an accurate rotation-invariant face detector running at real-time speed on CPU, published in CVPR 2018.
Visualizing-loss-landscape
Visualizing the Loss Landscape of Neural Nets - Deep Learning Project
siffi26's Repositories
siffi26/Visualizing-loss-landscape
Visualizing the Loss Landscape of Neural Nets - Deep Learning Project
siffi26/transformers
🤗Transformers: State-of-the-art Natural Language Processing for Pytorch and TensorFlow 2.0.
siffi26/workshop
AI and Machine Learning with Kubeflow, Amazon EKS, and SageMaker
siffi26/arche
Arche is a Greek word with primary senses "beginning". The repository defines a framework for technology mapping of emerging technologies, with primary focus on ReRAMs.
siffi26/bert
TensorFlow code and pre-trained models for BERT
siffi26/binomialBetaOnlineLearning
Use online learning to learn the beta distribution of the parameter p (chance to see 1) of the coin tossing trails in batch.
siffi26/Build-a-recurrent-neural-network
Program to build a recurrent neural network model for character-level language
siffi26/Build-Convolutional-Neural-Network
Program to build a convolutional neural network to perform Image Recognition.
siffi26/Build-your-own-neural-network
Implement the neural network for regression by using the energy efficiency dataset.
siffi26/cs224u
Code for Stanford CS224u
siffi26/dgl
Python package built to ease deep learning on graph, on top of existing DL frameworks.
siffi26/expanded_swde
siffi26/Facial-Recognition-Using-FaceNet-Siamese-One-Shot-Learning
Implementation of Facial Recognition System Using Facenet based on One Shot Learning Using Siamese Networks
siffi26/gluon-nlp
NLP made easy
siffi26/gpt-3
GPT-3: Language Models are Few-Shot Learners
siffi26/interviews
Everything you need to know to get the job.
siffi26/Jigsaw-Net
Solving Jigsaw Puzzles with Deep Convolutional Neural Networks
siffi26/Jigsaw-Solver
Solving Jigsaw puzzle using Neural Nets
siffi26/mhqg
Source code and dataset for "Difficulty-controllable Multi-hop Question Generation From Knowledge Graphs"
siffi26/Ontospy
Python library and command-line interface for inspecting and visualizing RDF models.
siffi26/OTT-QA
OTT-QA Dataset used in paper "Open Question Answering over Tables and Text"
siffi26/paraphraser
Sentence paraphrase generation at the sentence level
siffi26/PQG-pytorch
Paraphrase Generation model using pair-wise discriminator loss
siffi26/sentence-transformers
Multilingual Sentence & Image Embeddings with BERT
siffi26/TaBERT
This repository contains source code for the TaBERT model, a pre-trained language model for learning joint representations of natural language utterances and (semi-)structured tables for semantic parsing. TaBERT is pre-trained on a massive corpus of 26M Web tables and their associated natural language context, and could be used as a drop-in replacement of a semantic parsers original encoder to compute representations for utterances and table schemas (columns).
siffi26/Task-Oriented-Dialogue-Research-Progress-Survey
A datasets and methods survey about task-oriented dialogue, including recent datasets and SOTA leaderboards.
siffi26/tensorflow-101
TensorFlow 101: Introduction to TensorFlow
siffi26/text-to-text-transfer-transformer
Code for the paper "Exploring the Limits of Transfer Learning with a Unified Text-to-Text Transformer"
siffi26/Top2Vec
Top2Vec learns jointly embedded topic, document and word vectors.
siffi26/trec_eval
Evaluation software used in the Text Retrieval Conference