Aaron C Wacker's picture

Aaron C Wacker PRO

awacke1

AI & ML interests

AGI and ML Pipelines, Ambient IoT AI, Behavior Cognitive and Memory AI, Clinical Medical and Nursing AI, Genomics AI, GAN Gaming GAIL AR VR XR and Simulation AI, Graph Ontology KR KE AI, Languages and NLP AI, Quantum Compute GPU TPU NPU AI, Vision Image Document and Audio/Video AI

Recent Activity

updated a Space 1 day ago
awacke1/CodeCompetitionClaudeVsGPT
updated a Space 2 days ago
awacke1/RescuerOfStolenBikes
updated a Space 5 days ago
awacke1/CodeCompetitionClaudeVsGPT
View all activity

Organizations

AIZeroToHero4Health's profile picture SNOMED-LOINC's profile picture DataScienceEngineering's profile picture AIZerotoHero-Health4All's profile picture Spaces-explorers's profile picture RealTimeLiveAIForHealth's profile picture IcelandAI's profile picture Training Transformers Together's profile picture CognitiveAIForHealth's profile picture TestOrganization's profile picture AI-Dashboards's profile picture AI-ZeroToHero-031523's profile picture AICopilot's profile picture Gradio-Blocks-Party's profile picture Webhooks Explorers (BETA)'s profile picture Workshop June 13 Classroom's profile picture AI-ZTH-03-23's profile picture lora concepts library's profile picture EuroPython 2022's profile picture DataScienceGuild's profile picture Kornia AI's profile picture AINLPRoundTable's profile picture Hackathon2022's profile picture Optum Insight Life Sciences's profile picture AI Zero to Hero's profile picture Stable Diffusion Dreambooth Concepts Library's profile picture AI Zero to Hero - AI By Example's profile picture AI-Z2H's profile picture AI Superheroes's profile picture AIPairProgramming's profile picture ChatGPT-GAIA's profile picture AIZero2HeroBootcamp's profile picture Pain-Joy-Superpower's profile picture MultiAgentSystems's profile picture Care Finders's profile picture RealTimeAI-NVIDIA-CUDA's profile picture Love's profile picture AI Zero to Hero - Dec 2023's profile picture MusicLearningHub's profile picture InMemorium2023's profile picture SantaAndTheToyFactory's profile picture HowToCollections's profile picture GraphsAndCharts's profile picture ChatGPTZeroDayAdvancements's profile picture Azure-Python-AI's profile picture Hugging Face Discord Community's profile picture Prompting with Mixture of Experts, Multiagent Systems, and Self Reward's profile picture AIZeroToHero-June2024's profile picture Door County's profile picture Azure AI Streamlit Gradio HTML's profile picture AI Pair Programming For Azure AI Cloud Data Science and Data Engineering's profile picture AzureModels4AI's profile picture Dime Novels's profile picture ArtificialSuperIntelligence's profile picture Multiplayer-Evaluations-EDA-CrowdSourcing's profile picture GPU Model Spotlight for Zero GPU and GPU Spaces Demo's profile picture

awacke1's activity

replied to their post 16 days ago
view reply

After trying pretty much everything I gave the latest Grok2 a spin at converting my old malfunctioning Python/Gradio code which no longer adheres to syntax innovations and feature adds within python and gradio.

Grok2 in my opinion is the only one which could do this. Examine below instant one shot win by Grok2 with gradio! Greatest thing about it is it shows references via tweet so you can find where the intelligence was added so Grok2 is using modern syntax and unlike OpenAI and Anthropic, it produces innovative modern results aware of recent innovation.

Grok2 for the win I guess!

Tried a straw man example shown below which fails on others but works on Grok2:

Original which fails now if you upgrade Gradio:

import gradio as gr
from fastai.vision.all import *
import skimage

learn = load_learner('characters.pkl')

labels = learn.dls.vocab
def predict(img):
    pred,pred_idx,probs = learn.predict(img)
    return {labels[i]: float(probs[i]) for i in range(len(labels))}

title = "Video Game Character Classifier"
# description = "A pet breed classifier trained on the Oxford Pets dataset with fastai. Created as a demo for Gradio and HuggingFace Spaces."
#article="<p style='text-align: center'><a href='https://tmabraham.github.io/blog/gradio_hf_spaces_tutorial' target='_blank'>Blog post</a></p>"
examples = ['ellie.jpg','arthur.jpg','kratos.jpg','ellielou.jpg']
interpretation='default'
enable_queue=True

gr.Interface(fn=predict,inputs=gr.inputs.Image(shape=(128, 128)),outputs=gr.outputs.Label(),title=title,examples=examples,interpretation=interpretation,enable_queue=enable_queue).launch()

Second Grok2 prompt (first switched to blocks shown below).

image.png

Grok2's second shot with examples of errors gave working code and also tweet references!!

image.png

import gradio as gr
from fastai.vision.all import *
import skimage

learn = load_learner('characters.pkl')

labels = learn.dls.vocab
def predict(img):
    pred, pred_idx, probs = learn.predict(img)
    return {labels[i]: float(probs[i]) for i in range(len(labels))}

title = "Video Game Character Classifier"
examples = ['ellie.jpg', 'arthur.jpg', 'kratos.jpg', 'ellielou.jpg']

# Updated Gradio Interface with new syntax
with gr.Blocks() as demo:
    gr.Markdown("# " + title)
    # Use width and height instead of shape
    image_input = gr.Image(width=128, height=128)
    label_output = gr.Label()
    
    # Create submit button
    submit_btn = gr.Button("Classify")
    submit_btn.click(fn=predict, inputs=image_input, outputs=label_output)

    # Adding examples
    gr.Examples(examples, inputs=image_input, outputs=label_output, fn=predict)

demo.launch()
posted an update about 1 month ago
view post
Post
844
๐Ÿ•Š๏ธHope๐Ÿ•Š๏ธ and โš–๏ธJusticeโš–๏ธ AI
๐Ÿšฒ Stolen bike in Denver FOUND - Sometimes hope & justice DO prevail.

๐ŸŽฌ So I Created an AI+Art+Music tribute:
-๐Ÿง  AI App that Evaluates GPT-4o vs Claude:
awacke1/RescuerOfStolenBikes
https://x.com/Aaron_Wacker/status/1857640877986033980?ref_src=twsrc%5Etfw%7Ctwcamp%5Etweetembed%7Ctwterm%5E1857640877986033980%7Ctwgr%5E203a5022b0eb4c41ee8c1dd9f158330216ac5be1%7Ctwcon%5Es1_c10&ref_url=https%3A%2F%2Fpublish.twitter.com%2F%3Furl%3Dhttps%3A%2F%2Ftwitter.com%2FAaron_Wacker%2Fstatus%2F1857640877986033980

<blockquote class="twitter-tweet"><p lang="en" dir="ltr">QT your ๐Ÿ•Š๏ธHope๐Ÿ•Š๏ธ and โš–๏ธJusticeโš–๏ธ art๐ŸŽจ<br><br>๐Ÿšฒ Stolen bike in Denver FOUND! <br> - Sometimes hope &amp; justice DO prevail! <br><br>๐ŸŽฌ Created an AI+Art+Music tribute: <br> -๐Ÿง  AI App that Evaluates GPT-4o vs Claude: <a href="https://t.co/odrYdaeizZ">https://t.co/odrYdaeizZ</a><br> <a href="https://twitter.com/hashtag/GPT?src=hash&amp;ref_src=twsrc%5Etfw">#GPT</a> <a href="https://twitter.com/hashtag/Claude?src=hash&amp;ref_src=twsrc%5Etfw">#Claude</a> <a href="https://twitter.com/hashtag/Huggingface?src=hash&amp;ref_src=twsrc%5Etfw">#Huggingface</a> <a href="https://twitter.com/OpenAI?ref_src=twsrc%5Etfw">@OpenAI</a> <a href="https://twitter.com/AnthropicAI?ref_src=twsrc%5Etfw">@AnthropicAI</a> <a href="https://t.co/Q9wGNzLm5C">pic.twitter.com/Q9wGNzLm5C</a></p>&mdash; Aaron Wacker (@Aaron_Wacker) <a href="https://twitter.com/Aaron_Wacker/status/1857640877986033980?ref_src=twsrc%5Etfw">November 16, 2024</a></blockquote> <script async src="https://platform.twitter.com/widgets.js" charset="utf-8"></script>


#GPT #Claude #Huggingface
@OpenAI
@AnthropicAI
replied to ajibawa-2023's post about 2 months ago
view reply

Most excellent Dataset sir. This is quite useful. Thanks! Aaron

reacted to ajibawa-2023's post with โค๏ธ about 2 months ago
view post
Post
2991
New Dataset: Software-Architecture
Link: ajibawa-2023/Software-Architecture

I am releasing a Large Dataset covering topics related to Software-Architecture. This dataset consists of around 450,000 lines of data in jsonl.

I have included following topics:

Architectural Frameworks

Architectural Patterns for Reliability

Architectural Patterns for Scalability

Architectural Patterns

Architectural Quality Attributes

Architectural Testing

Architectural Views

Architectural Decision-Making

Advanced Research

Cloud-Based Architectures

Component-Based Architecture

Data Architecture

Emerging Trends

Event-Driven Architecture

Evolvability and Maintainability

Microservices and Monolithic

Microservices Architecture

Security Architecture

Service-Oriented Architecture

Software Design Principles

and Many More!

This dataset is useful in LLM development. Also those who are working on developing Software development related LLMs then this dataset can be useful.

This dataset is very useful to Researchers as well.
ยท
reacted to albertvillanova's post with โค๏ธ about 2 months ago
view post
Post
3118
๐Ÿš€ Exciting update! You can now compare multiple models side-by-side with the Hugging Face Open LLM Comparator! ๐Ÿ“Š

open-llm-leaderboard/comparator

Dive into multi-model evaluations, pinpoint the best model for your needs, and explore insights across top open LLMs all in one place. Ready to level up your model comparison game?
replied to their post 2 months ago
view reply

Thankyou for the tips and insight on Gradio 5. Much appreciated,

posted an update 2 months ago
view post
Post
1896
Since 2022 I have been trying to understand how to support advancement of the two best python patterns for AI development which are:
1. Streamlit
2. Gradio

The reason I chose them in this order was the fact that the streamlit library had the timing drop on gradio by being available with near perfection about a year or two before training data tap of GPT.

Nowadays its important that if you want current code to be right on generation it requires understanding of consistency in code method names so no manual intervention is required with each try.

With GPT and Claude being my top two for best AI pair programming models, I gravitate towards streamlit since aside from common repeat errors on cache and experimental functions circa 2022 were not solidified.
Its consistency therefore lacks human correction needs. Old dataset error situations are minimal.

Now, I seek to make it consistent on gradio side. Why? Gradio lapped streamlit for blocks paradigm and API for free which are I feel are amazing features which change software engineering forever.

For a few months I thought BigCode would become the new best model due to its training corpus datasets, yet I never felt it got to market as the next best AI coder model.

I am curious on Gradio's future and how. If the two main models (GPT and Claude) pick up the last few years, I could then code with AI without manual intervention. As it stands today Gradio is better if you could get the best coding models to not repeatedly confuse old syntax as current syntax yet we do live in an imperfect world!

Is anyone using an AI pair programming model that rocks with Gradio's latest syntax? I would like to code with a model that knows how to not miss the advancements and syntax changes that gradio has had in the past few years. Trying grok2 as well.

My IDE coding love is HF. Its hands down faster (100x) than other cloud paradigms. Any tips on models best for gradio coding I can use?

--Aaron
ยท
reacted to as-cle-bert's post with ๐Ÿง  2 months ago
view post
Post
1353
Hi there HuggingFacers!

Have you ever dreamt of an improbable books crossover, like Frodo from ๐˜“๐˜ฐ๐˜ณ๐˜ฅ ๐˜ฐ๐˜ง ๐˜ต๐˜ฉ๐˜ฆ ๐˜™๐˜ช๐˜ฏ๐˜จ๐˜ด becoming the main character of the ๐˜–๐˜ฅ๐˜บ๐˜ด๐˜ด๐˜ฆ๐˜บ or Emma Bovary from ๐˜”๐˜ข๐˜ฅ๐˜ข๐˜ฎ๐˜ฆ ๐˜‰๐˜ฐ๐˜ท๐˜ข๐˜ณ๐˜บ acting as a modern-days Shakespearean Juliet?

Well, all of this is now possible! I'm thrilled to introduce my latest opensource product for storytelling: ๐›๐จ๐จ๐ค๐ฌ-๐ฆ๐ข๐ฑ๐ž๐ซ-๐š๐ข ๐ฏ๐ŸŽ.๐ŸŽ.๐ŸŽ !

Built with ReactJS and shipped directly to you on Spaces thanks to Docker, this webapp combines the power of two AI tools:

- gpt-4o-mini by OpenAI, which takes care of cooking new and intriguing plots starting from the user's instructions, the titles and the summaries of the two books to mix (summaries are scraped through Wikipedia)
- text2img realtime API by ModelsLab, which provides a stable diffusion pipeline to create a thumbnail for your newly-generated story

Everything is provided under a simple and intuitive UI, which uses chatscope's React template kit.
Curious of trying? The app is already live at:

as-cle-bert/books-mixer-ai

And you can also have a tour of the GitHub repo (and leave a little โญ while you're there):

https://github.com/AstraBert/books-mixer-ai

The documentation is still under construction, but will become available soon๐Ÿ˜Š

Have fun!๐Ÿ“š๐Ÿ“š
reacted to bartowski's post with ๐Ÿ”ฅ 2 months ago
view post
Post
23774
In regards to the latest mistral model and GGUFs for it:

Yes, they may be subpar and may require changes to llama.cpp to support the interleaved sliding window

Yes, I got excited when a conversion worked and released them ASAP

That said, generation seems to work right now and seems to mimic the output from spaces that are running the original model

I have appended -TEST to the model names in an attempt to indicate that they are not final or perfect, but if people still feel mislead and that it's not the right thing to do, please post (civilly) below your thoughts, I will highly consider pulling the conversions if that's what people think is best. After all, that's what I'm here for, in service to you all !
ยท
posted an update 2 months ago
view post
Post
698
Today I was able to solve a very difficult coding session with GPT-4o which ended up solving integrations on a very large scale. So I decided to look a bit more into how its reasoners work. Below is a fun markdown emoji outline about what I learned today and what I'm pursuing.

Hope you enjoy! Cheers, Aaron.

Also here are my favorite last 4 spaces I am working on:
1. GPT4O: awacke1/GPT-4o-omni-text-audio-image-video
2. Claude:
awacke1/AnthropicClaude3.5Sonnet-ACW
3. MSGraph M365: awacke1/MSGraphAPI
4. Azure Cosmos DB: Now with Research AI! awacke1/AzureCosmosDBUI

# ๐Ÿš€ OpenAI's O1 Models: A Quantum Leap in AI

## 1. ๐Ÿค” From ๐Ÿฆœ to ๐Ÿง : O1's Evolution

- **Thinking AI**: O1 ponders before replying; GPT models just predict. ๐Ÿ’ก

## 2. ๐Ÿ“š AI Memory: ๐Ÿ’พ + ๐Ÿงฉ = ๐Ÿง 

- **Embeddings & Tokens**: Words โžก๏ธ vectors, building knowledge. ๐Ÿ“–

## 3. ๐Ÿ” Swift Knowledge Retrieval

- **Vector Search & Indexing**: O1 finds info fast, citing reliable sources. ๐Ÿ”Ž๐Ÿ“–

## 4. ๐ŸŒณ Logic Trees with Mermaid Models

- **Flowchart Reasoning**: O1 structures thoughts like diagrams. ๐ŸŽจ๐ŸŒ

## 5. ๐Ÿ’ป Coding Mastery

- **Multilingual & Current**: Speaks many code languages, always up-to-date. ๐Ÿ’ป๐Ÿ”„

## 6. ๐Ÿ† Breaking Records

- **92.3% MMLU Score**: O1 outperforms humans, setting new AI standards. ๐Ÿ…

## 7. ๐Ÿ’ก Versatile Applications

- **Ultimate Assistant**: From fixing code to advancing research. ๐Ÿ› ๏ธ๐Ÿ”ฌ

## 8. ๐Ÿ Racing Toward AGI

- **OpenAI Leads**: O1 brings us closer to true AI intelligence. ๐Ÿš€

## 9. ๐Ÿค– O1's Reasoning Pillars

- **๐Ÿง  Chain of Thought**: Step-by-step logic.
- **๐ŸŽฒ MCTS**: Simulates options, picks best path.
- **๐Ÿ” Reflection**: Self-improves autonomously.
- **๐Ÿ‹๏ธโ€โ™‚๏ธ Reinforcement Learning**: Gets smarter over time.

---

*Stay curious, keep coding!* ๐Ÿš€
posted an update 2 months ago
view post
Post
577
I have finally completed a working full Azure and Microsoft MS Graph API implementation which can use all the interesting MS AI features in M365 products to manage CRUD patterns for the graph features across products.

This app shows initial implementation of security, authentication, scopes, and access to Outlook, Calendar, Tasks, Onedrive and other apps for CRUD pattern as AI agent service skills to integrate with your AI workflow.


Below are initial screens showing integration:

URL: awacke1/MSGraphAPI
Discussion: awacke1/MSGraphAPI#5

Best of AI on @Azure and @Microsoft on @HuggingFace :
https://huggingface.co./microsoft
https://www.microsoft.com/en-us/research/
---
Aaron
posted an update 3 months ago
view post
Post
993
Updated my ๐Ÿ“บRTV๐Ÿ–ผ๏ธ - Real Time Video AI app this morning.
URL: awacke1/stable-video-diffusion

It uses Stable Diffusion to dynamically create videos from images in input directory or uploaded using A10 GPU on Huggingface.


Samples below.

I may transition this to Zero GPU if I can. During Christmas when I revised this I had my highest billing from HF yet due to GPU usage. It is still the best turn key GPU out and Image2Video is a killer app. Thanks HF for the possibilities!
posted an update 3 months ago
posted an update 4 months ago
view post
Post
590
I am integrating Azure Cosmos DB, the database system that backs GPT conversations into my workflow, and experimenting with new patterns to accelerate dataset evolution for evaluation and training of AI.

While initially using it for research prompts and research outputs using my GPT-4o client here which can interface and search ArXiv, I am excited to try out some new features specifically for AI at scale. Research on memory augmentation is shown. awacke1/GPT-4o-omni-text-audio-image-video

awacke1/AzureCosmosDBUI
reacted to lhoestq's post with ๐Ÿš€ 4 months ago
view post
Post
3058
โœจ Easy Synthetic Dataset File Generation using LLM DataGen ! Link: https://huggingface.co./spaces/lhoestq/LLM_DataGen

features + how it works:

โœ๏ธ Generate the dataset content you want just by entering a file name
๐Ÿ’ก Optionally specify the column names you need
๐Ÿ’จ The dataset is streamed and generated on-the-fly in JSON Lines format
โœ… Generation is constrained to always output valid JSON

How does this work ?
1/ Enter a file name
2/ The model generates column names for such a file. Using structured generation, it can generate 2 to 5 column names using lower case characters and underscores. I use a prompt that asks to generate column names for a realistic dataset and low temperature.
3/ The columns are used to update the Finite State Machine for the dataset content structured generation, so that it is used to generate JSON objects using those columns
4/ The model generates JSON objects using structured generation again, using the updated Finite State Machine. I use a prompt that asks for realistic data and a temperature of 1.

> Why update a Finite State Machine instead of re-creating one ?

Creating one can take up to 30sec, while updating one takes 0.1s (though it requires to manipulate a graph which is not easy to implement)

> Batched generation is faster, why not use it ?

Generate in batches is faster but tends to generate duplicates for this demo.
Further work can be to provide different prompts (one per sequence in the batch) to end up with a different distribution of sequences in each batch. Or implement a custom sampler that would forbid generating the same data in sequences of the same batch.

> How does structured generation work ?

I used the outlines library with transformers to to define a JSON schema that the generation has to follow. It uses a Finite State Machine with token_id as transitions.

Let me know what you think ! And feel free to duplicate/modify it to try other models/prompts or sampling methods :)
reacted to lhoestq's post with ๐Ÿ”ฅ 4 months ago
view post
Post
4047
Hey ! I'm working on a 100% synthetic Dataset Hub here (you can search for any kind of datasets an the app invents them). The link is here: infinite-dataset-hub/infinite-dataset-hub

Question for the Community:

Which models should I use to generate images and audio samples for those datasets ? ๐Ÿค—
  • 4 replies
ยท
posted an update 5 months ago
view post
Post
1343
I just launched an exciting new multiplayer app powered by GPT-4o, enabling collaborative AI-driven queries in a single shared session!

### ๐Ÿ”— Try It Out! ๐Ÿ‘‰ Check out the GPT-4o Multiplayer App
Experience the future of collaborative AI by visiting our space on Hugging Face: awacke1/ChatStreamlitMultiplayer

๐ŸŽ‰ This innovative tool lets you and your team reason over:

###๐Ÿ“ Text
###๐Ÿ–ผ๏ธ Image
###๐ŸŽต Audio
###๐ŸŽฅ Video

## ๐Ÿ” Key Features

### Shared Contributions
Collaborate in real-time, seeing each other's inputs and contributions.
Enhances teamwork and fosters a collective approach to problem-solving.

### Diverse Media Integration
Seamlessly analyze and reason with text, images, audio, and video.
Breakthrough capabilities in handling complex media types, including air traffic control images and audio.

## ๐Ÿ› ๏ธ Real-World Testing
This morning, we tested the app using images and audio from air traffic controlโ€”a challenge that was nearly impossible to handle with ease just a few years ago. ๐Ÿš๐Ÿ’ฌ

๐ŸŒฑ The Future of AI Collaboration
We believe AI Pair Programming is evolving into a new era of intelligence through shared contributions and teamwork. As we continue to develop, this app will enable groups to:

Generate detailed text responses ๐Ÿ“
Collaborate on code responses ๐Ÿ’ป
Develop new AI programs together ๐Ÿค–
replied to Wauplin's post 6 months ago
view reply

Such good news thanks! With this we can now create AI pipelines with much greater simplicity to make models interchangeable service parts. I think for cutting edge techniques like MoE gating networks, Self Reward and Comparison across models, Memory across AI pipelines, etc this becomes the differentiator to make it all much easier. I hope that by operating key models like GPT-4o, Claude 3.5 Sonnet, Gemma, Llama, and other front runners in this open pattern unlocks better more powerful AI coding patterns.

posted an update 6 months ago
view post
Post
2665
โœจ๐Ÿš€ Claude Sonnet 3.5 API. It's already weaving digital magic!
๐Ÿง ๐Ÿ’ป Try it at my space: ๐Ÿ”— awacke1/AnthropicClaude3.5Sonnet-ACW

Kudos to @AnthropicAI for this elegant API! ๐Ÿ‘ #AI #CodeMagic #AnthropicAI Thanks Huggingface for hosting the best hub in the world for AI development!

  • 2 replies
ยท
replied to their post 6 months ago
view reply

It uses my openai key and org id and is hard to run in an open fashion due to usage. It uses the billed model.