An open API service providing repository metadata for many open source software ecosystems.

Topic: "gradient-ascent"

utkuozbulak/pytorch-cnn-adversarial-attacks

Pytorch implementation of convolutional neural network adversarial attack techniques

Language: Python - Size: 1.26 MB - Last synced at: 9 days ago - Pushed at: over 6 years ago - Stars: 357 - Forks: 60

HySonLab/LatentDE

LatentDE: Latent-based Directed Evolution for Protein Sequence Design

Language: Python - Size: 3.04 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 26 - Forks: 0

mftnakrsu/DeepDream

Generative deep learning: DeepDream

Language: Jupyter Notebook - Size: 11.2 MB - Last synced at: about 2 months ago - Pushed at: about 3 years ago - Stars: 24 - Forks: 1

zer0int/CLIP-XAI-GUI

CLIP GUI - XAI app ~ explainable (and guessable) AI with ViT & ResNet models

Language: Python - Size: 3.46 MB - Last synced at: about 1 month ago - Pushed at: 9 months ago - Stars: 20 - Forks: 1

zer0int/CLIP-Interrogator-LongCLIP-hallucinwords

CLIP Interrogator, fully in HuggingFace Transformers 🤗, with LongCLIP & CLIP's own words and / or *your* own words!

Language: Python - Size: 16.4 MB - Last synced at: 3 months ago - Pushed at: 4 months ago - Stars: 15 - Forks: 1

zer0int/CLIP-text-image-interpretability

Get CLIP ViT text tokens about an image, visualize attention as a heatmap.

Language: Python - Size: 34.2 KB - Last synced at: about 2 months ago - Pushed at: almost 2 years ago - Stars: 13 - Forks: 1

IEEE-FCIH-SB/Machine-Learning-Content-2025

Here is the content of ML committe in season 2025

Language: Jupyter Notebook - Size: 36.5 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 6 - Forks: 0

zer0int/CLIP-gradient-ascent-embeddings

Use CLIP to create matching texts + embeddings for given images; useful for XAI, adversarial training

Language: Python - Size: 5.64 MB - Last synced at: 29 days ago - Pushed at: 6 months ago - Stars: 6 - Forks: 0

archana1998/Gradient-Ascent_FK-GRiD

Submission for the Flipkart GRiD 2.0 hackathon under the track "Fashion Intelligence Systems"

Size: 158 KB - Last synced at: 11 months ago - Pushed at: almost 5 years ago - Stars: 6 - Forks: 3

pranshu28/cnn-viz

Visualizing and interpreting features of CNN model

Language: Python - Size: 54.8 MB - Last synced at: almost 2 years ago - Pushed at: almost 7 years ago - Stars: 6 - Forks: 3

zer0int/CLIP-Direct-Ascent-Synthesis

Like a CLIP + VQGAN. Except without a VQGAN.

Language: Python - Size: 4.78 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 5 - Forks: 0

AmanPriyanshu/The-Unlearning-Protocol

Choose which data to make your model forget (Unlearn!), but watch out - every deletion ripples!

Language: HTML - Size: 4.42 MB - Last synced at: 3 days ago - Pushed at: 6 months ago - Stars: 2 - Forks: 0

zer0int/CLIPInversion Fork of hamidkazemi22/CLIPInversion

What do we learn from inverting CLIP models? And what does a CLIP 'see' in an image?

Language: Python - Size: 3.85 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 2 - Forks: 0

ChryssaNab/Machine_Learning-AUEB

This repository hosts the programming exercises for the course "Machine Learning" of AUEB Informatics.

Language: Jupyter Notebook - Size: 8.6 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 2 - Forks: 0

sashakttripathi/MNIST-Softmax-Classification

Image classifier which classifies MNIST database of handwritten digits 0-9 using 28x28 pixel images

Language: Python - Size: 35.2 KB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

csgwon/pytorch-simple-examples

Simple example notebooks using PyTorch

Language: Jupyter Notebook - Size: 2.85 MB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 2 - Forks: 3

atifali/hill-climbing

Numerical Optimization using "hill climbing" (aka Gradient Ascent)

Language: Matlab - Size: 406 KB - Last synced at: almost 2 years ago - Pushed at: about 8 years ago - Stars: 2 - Forks: 1

krzyszsz/ApproximateOptimization

A simple heuristic optimizer.

Language: C# - Size: 263 KB - Last synced at: 24 days ago - Pushed at: 5 months ago - Stars: 1 - Forks: 1

alinaduca/ML_SeminarSuplimentar

Repo for working on the additional Machine Learning seminar tasks, year 2023-2024.

Language: Python - Size: 194 KB - Last synced at: about 14 hours ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

dboesono/Recommendation-Movie

A user-friendly web application built with Streamlit that offers personalized movie recommendations based on user ratings using a baseline predictive model and RBM neural network

Language: Jupyter Notebook - Size: 17.7 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

StatisKit/FFP17

Computational Studies of Adja Magatte Fall Internship

Language: Jupyter Notebook - Size: 1.5 MB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 1 - Forks: 3

zer0int/Golden-Gate-CLIP

Like Golden Gate Claude, but with a CLIP Vision Transformer ~ feature activation manipulation fun!

Language: Python - Size: 1.62 MB - Last synced at: 3 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

msancor/FDS-HW2

Python project for the Fundamentals of of Data Science class for the MSc. in Data Science at the Sapienza University of Rome. The main purpose of the project is exploring Logistic Regression & Multinomial Regression concepts along with training classifiers using Gradient Descent/Ascent.

Language: Jupyter Notebook - Size: 1.28 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

AmbarChatterjee/FDS_HW2

Interactive exploration of logistic regression, multinomial classification, and transfer learning using Python and Jupyter Notebooks in the context of data science education.

Language: Jupyter Notebook - Size: 3.61 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

zer0int/CLIP-text-to-image

CLIP guiding self towards an image, from text prompt

Language: Python - Size: 8.79 KB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

jfdev001/gradient-ascent-and-simulated-annealing

Gradient ascent and simulated annealing optimization algorithms for multivariate Gaussian space from scratch.

Language: Python - Size: 3.13 MB - Last synced at: about 2 months ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

vijitVM/Machine-Learning-

Machine Learning Problems

Language: Jupyter Notebook - Size: 2.79 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

MauroCE/LogisticRegression

Base R Implementation of Logistic Regression from Scratch with Regularization, Laplace Approximation and more

Language: R - Size: 23.4 KB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

JayLohokare/reinforce-algorithm-policy-deepRL

OpenAI Gym's Cartpole environment REINFORCE algorithm implementation

Language: Jupyter Notebook - Size: 23.4 KB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 0

JayLohokare/gradient-ascent-stochastic-policy-learning

Open AI Cartpole environment gradient ascent

Language: Jupyter Notebook - Size: 7.81 KB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 0

Related Topics
clip 8 machine-learning 6 logistic-regression 5 python 4 xai 4 gradient-descent 3 optimization 3 deep-learning 3 vit 3 clustering 2 simulated-annealing 2 neural-network 2 pytorch 2 adversarial-attacks 2 deep-reinforcement-learning 2 vision-transformer 2 attention-visualization 2 image-to-text 2 ai 2 newton-raphson 2 transfer-learning 2 cifar-10 2 metaheuristics 1 unsupervised-machine-learning 1 cifar10 1 multinomial-logistic-regression 1 adversarial-examples 1 contrastive-language-image-pretraining 1 embeddings 1 text-embeddings 1 text-image 1 typographic-attack 1 cartpole-environment 1 cross-entropy-method 1 multinomial-classification 1 policy-gradient 1 reinforce 1 adversarial-example 1 fast-gradient-sign 1 fooling-images 1 deep-neural-networks 1 optimizer 1 fgsm 1 occlusion-sensitivity 1 saliency-map 1 ascending-vit 1 experimental 1 filters 1 activation 1 explainable-ai 1 goldengate 1 manipulation 1 visiontransformer 1 cnn-keras 1 expectation-maximization-algorithm 1 feed-forward-neural-networks 1 image-classification 1 image-segmentation 1 mnist-dataset 1 numpy 1 supervised-learning 1 deeplearning 1 fairness 1 fairness-ai 1 fairness-ml 1 neural-networks 1 privacy 1 privacy-enhancing-technologies 1 privacy-protection 1 privacy-tools 1 unlearn 1 unlearning 1 directed-evolution 1 evolutionary-algorithm 1 protein-language-model 1 protein-optimization 1 variational-autoencoder 1 attention 1 game 1 gui 1 pytorch-tutorial 1 sigmoidal-perceptron 1 feature-visualization 1 generative-ai 1 projected-gradient-desent 1 self-sustained 1 jupyter-notebook 1 educational-material 1 heatmap 1 data-science 1 image-to-image 1 inversion 1 model 1 text-encoder 1 text-to-image 1 transformer 1 vision 1 artificial-intelligence 1 artificial-neural-networks 1 catastrophic-forgetting 1