├── .gitignore ├── 12-Research-Papers ├── README.md └── images │ └── research12.png ├── AllThings-VQGAN ├── README.md └── images │ └── ae.png ├── AwesomeOfAwsome ├── AutonomousDriving.md ├── DeepLearningFrameworks.md ├── DeepLearningProjects.md └── README.md ├── Bloom-BigScience ├── Bloom_BigScience_Experiment.ipynb └── README.md ├── BrainComputerInterface └── README.md ├── ChatGPT ├── DeepLearningMindmap.md ├── FineTuneLLM.md ├── LLM.md ├── LangChainOpenAI.md ├── README.md ├── Whiteboarding-ChatGPT-Intro.md ├── Whiteboarding-LLM-TechStack.md ├── deeplearning-study-mindmap.txt ├── dl-mind-map.jpg ├── dl-mind-map.png ├── finetunellm │ ├── README.md │ ├── finetune.py │ ├── queryindex.py │ └── tuning-gradio-ui.py ├── gptchaindemo │ └── main.py ├── images │ ├── part1.png │ ├── part2.png │ ├── part3.png │ ├── wb2-part1.png │ ├── wb2-part2.png │ └── wb2-part3.png └── langchain-openai.png ├── ConvolutionOnImageDemo ├── Convolution_Filter_Live.ipynb ├── README.md └── images │ ├── README.md │ ├── conv-cnn-explainer.png │ └── demo-flow.png ├── DL-SatelliteImagery ├── README.md ├── Satellite_Imagery_DeepLearning-Base.ipynb ├── Satellite_Imagery_DeepLearning-LocalDiag.ipynb ├── Satellite_Imagery_DeepLearning-SaveLoadModel.ipynb ├── Satellite_Imagery_DeepLearning-WandB.ipynb ├── Satellite_Imagery_DeepLearning_ActivationHeatmap.ipynb ├── Satellite_Imagery_Segmentation.ipynb ├── Satellite_segmentation_Prediction-Base.ipynb └── Satellite_segmentation_Prediction-GradioUI.ipynb ├── DallE-mini ├── Dall_E_Mini.ipynb └── README.md ├── DatasetRamp └── README.md ├── DeepLearningRig └── README.md ├── DeepViz ├── README.md └── Tensor │ └── README.md ├── DeeplearningWithMetal └── README.md ├── DeveloperProgram ├── GradioTabbedUI │ ├── ImageProcessorUI │ │ ├── imageprocessui.py │ │ └── main.py │ └── README.md ├── PythonClasses.md ├── PythonDataProcessing │ ├── Code-Part1and2 │ │ ├── PythonClassify │ │ │ ├── dataset.py │ │ │ └── main.py │ │ └── README.md │ ├── Code-Part3a │ │ ├── PythonClassify │ │ │ ├── dataset.py │ │ │ ├── datasetmanager.py │ │ │ ├── datasetselector.py │ │ │ ├── main.py │ │ │ └── mainPrevious.py │ │ └── README.md │ ├── Code-Part3b │ │ ├── PythonClassify │ │ │ ├── dataset.py │ │ │ ├── datasetmanager.py │ │ │ ├── datasetselector.py │ │ │ ├── main.py │ │ │ └── mainPrevious.py │ │ └── README.md │ ├── Code-Part4a │ │ ├── PythonClassify │ │ │ ├── datasetmanager.py │ │ │ ├── datasetselector.py │ │ │ └── main.py │ │ └── README.md │ ├── Code-Part4b │ │ ├── PythonClassify │ │ │ ├── datasetmanager.py │ │ │ ├── datasetselector.py │ │ │ └── main.py │ │ └── README.md │ └── README.md ├── PythonModule │ ├── README.md │ ├── SamplePackage │ │ ├── README.md │ │ └── ramputils │ │ │ ├── README.md │ │ │ ├── __init__.py │ │ │ ├── requirements.txt │ │ │ ├── setup.py │ │ │ ├── src │ │ │ └── __init__.py │ │ │ └── tests │ │ │ └── __init__.py │ ├── ramputils_class │ │ ├── __init__.py │ │ ├── requirements.txt │ │ ├── setup.py │ │ ├── src │ │ │ ├── __init__.py │ │ │ └── ramputils │ │ │ │ ├── __init__.py │ │ │ │ ├── api.py │ │ │ │ └── apiclass.py │ │ └── tests │ │ │ ├── __init__.py │ │ │ └── testapi.py │ ├── ramputils_full │ │ ├── LICENSE │ │ ├── README.md │ │ ├── __init__.py │ │ ├── pyproject.toml │ │ ├── requirements.txt │ │ ├── setup.py │ │ ├── src │ │ │ ├── __init__.py │ │ │ └── ramputils │ │ │ │ ├── __init__.py │ │ │ │ ├── api.py │ │ │ │ └── apiclass.py │ │ ├── testapi.py │ │ └── tests │ │ │ ├── __init__.py │ │ │ └── testapi.py │ └── ramputils_module │ │ ├── RampUtilsApp │ │ ├── app.py │ │ └── main.py │ │ └── ramputils │ │ ├── __init__.py │ │ ├── requirements.txt │ │ ├── setup.py │ │ ├── src │ │ ├── __init__.py │ │ └── ramputils │ │ │ ├── __init__.py │ │ │ └── api.py │ │ └── tests │ │ ├── __init__.py │ │ └── testapi.py ├── README.md ├── images │ ├── gradio-tabs6.png │ └── python-classes.jpg └── ml-statistics │ └── Statistics.md ├── DiffusionModels ├── Dreamix-DiffusionMixVideoEditing.md ├── Forward_Reverse_Diffusion.ipynb ├── README.md └── denoising_diffusion_Model_Test.ipynb ├── Dlib-CUDA-Install └── README.md ├── EG3D └── README.md ├── FaceProcessingWebcam ├── FaceAnalysisWebApp │ ├── FaceOrientation.py │ ├── README.md │ ├── main.py │ ├── model │ │ └── README.md │ └── requirements.txt └── README.md ├── GPT-Models └── README.md ├── GigasheetWorkshop ├── Pandas_Gigasheet_comparision.ipynb └── README.md ├── GraphNeuralNetworks ├── GNN-cora-dataset.ipynb ├── Graph Neural Networks - Part2.pdf ├── Graph Neural Networks Intro.ipynb ├── Graph Neural Networks-NetworkX.ipynb ├── Graph Neural Networks-Part1.pdf ├── Part2_Example2NodeClassification.ipynb ├── Part2_GNN_Experiment_KarateClub.ipynb ├── Part2_HandlingData_KarateClub.ipynb ├── Part2_Introduction_NetworkX.ipynb ├── README.md ├── Tensors.ipynb └── images │ ├── README.md │ ├── conv-on-graph.png │ ├── conv-on-images.png │ ├── graph-to-code-viz.png │ └── node-embeddings.png ├── HuggingFace └── README.md ├── Instant-NGP ├── README.md └── images │ └── nerf.png ├── JAX-CUDA-Install └── README.md ├── JoJoGAN ├── JoJoGAN_CustomModel_Inference.ipynb ├── JoJoGAN_Exercise.ipynb ├── JoJoGAN_Inference_gradio.ipynb ├── JoJoGAN_ModelExport.ipynb ├── README.md └── images │ ├── jojo01.png │ ├── jojo02.png │ ├── jojo03.png │ └── jojo04.png ├── LIMoE ├── README.md └── images │ └── limoe.png ├── MLI-XAI ├── LIME_Exp.ipynb ├── Lime_Original_Explaination.ipynb ├── README.md ├── elephant.jpg └── lime_explaination.py ├── MoE ├── README.md └── images │ ├── Moe-processing.png │ └── moe-atchitecture.png ├── OpenAI-Whisper ├── CMDLine-Whisper │ ├── OpenAI_Whisper.ipynb │ └── README.md ├── OpenAiWhisperUI-Base │ ├── data_files │ │ ├── bharat.mp3 │ │ ├── miyuki-koso.mp3 │ │ └── story.mp3 │ └── main.py ├── OpenAiWhisperUI │ ├── data_files │ │ ├── Best 2 Minutes of Motivational Speech.mp4 │ │ ├── bharat.mp3 │ │ ├── miyuki-koso.mp3 │ │ └── story.mp3 │ ├── main.py │ ├── requirements.txt │ ├── utils.py │ └── whisperui.py └── README.md ├── PredictNumberSeries ├── NumberPatterns.ipynb └── README.md ├── PyTorchTutorials ├── 01_All_things_Tensors.ipynb ├── 02_NeuralNetworkModel.ipynb ├── README.md ├── WORKSHOP_2.md └── images │ ├── README.md │ ├── layer-5-10-2.png │ ├── layer-5-100-10-2.png │ ├── layer-5-1000-100-10-2.png │ └── layer-5-2.png ├── PythonCode ├── Python_icecream_Demo.ipynb └── icecream │ ├── ic_test.py │ └── ic_test2.py ├── README.md ├── RustByChatGPT ├── Chapter1.md ├── README.md └── VSCodeIDE.md ├── Stable-Diffusion-TF-WebUI ├── README.md ├── images │ ├── sd-gradio-01.png │ ├── sd-gradio-02.png │ ├── sd-gradio-021.png │ ├── sd-gradio-03.png │ ├── sd-gradio-031.png │ └── sd-gradio-04.png ├── webui-code-full │ ├── LICENSE │ ├── README-TF-Model.md │ ├── README.md │ ├── WEIGHTS_LICENSE │ ├── backend.py │ ├── models │ │ └── model_info.txt │ ├── output │ │ ├── art_image_1.png │ │ ├── art_image_10.png │ │ ├── art_image_11.png │ │ ├── art_image_12.png │ │ ├── art_image_13.png │ │ ├── art_image_14.png │ │ ├── art_image_2.png │ │ ├── art_image_3.png │ │ ├── art_image_4.png │ │ ├── art_image_5.png │ │ ├── art_image_6.png │ │ ├── art_image_7.png │ │ ├── art_image_8.png │ │ ├── art_image_9.png │ │ └── output_images.json │ ├── requirements.txt │ ├── requirements_added.txt │ ├── requirements_m1.txt │ ├── setup.py │ ├── stable_diffusion_tf │ │ ├── __init__.py │ │ ├── autoencoder_kl.py │ │ ├── clip_encoder.py │ │ ├── clip_tokenizer │ │ │ ├── __init__.py │ │ │ └── bpe_simple_vocab_16e6.txt.gz │ │ ├── constants.py │ │ ├── diffusion_model.py │ │ ├── layers.py │ │ └── stable_diffusion.py │ ├── text2image.py │ └── webui.py ├── webui-code-part1 │ ├── backend.py │ ├── heaven.png │ ├── panda.png │ ├── requirements.txt │ ├── requirements_m1.txt │ ├── stable_diffusion_tf │ │ ├── __init__.py │ │ ├── autoencoder_kl.py │ │ ├── clip_encoder.py │ │ ├── clip_tokenizer │ │ │ ├── __init__.py │ │ │ └── bpe_simple_vocab_16e6.txt.gz │ │ ├── constants.py │ │ ├── diffusion_model.py │ │ ├── layers.py │ │ └── stable_diffusion.py │ ├── text2image.py │ └── webui.py ├── webui-code-part2 │ ├── backend.py │ ├── output │ │ ├── art_image_1.png │ │ └── output-info.txt │ ├── requirements.txt │ ├── requirements_m1.txt │ ├── stable_diffusion_tf │ │ ├── __init__.py │ │ ├── autoencoder_kl.py │ │ ├── clip_encoder.py │ │ ├── clip_tokenizer │ │ │ ├── __init__.py │ │ │ └── bpe_simple_vocab_16e6.txt.gz │ │ ├── constants.py │ │ ├── diffusion_model.py │ │ ├── layers.py │ │ └── stable_diffusion.py │ ├── text2image.py │ └── webui.py └── webui-code-part3 │ ├── backend.py │ ├── output │ ├── art_image_1.png │ ├── art_image_2.png │ ├── art_image_3.png │ ├── art_image_4.png │ ├── art_image_5.png │ ├── art_image_6.png │ ├── art_image_7.png │ ├── art_image_8.png │ ├── output-info.txt │ └── output_images.json │ ├── requirements.txt │ ├── requirements_m1.txt │ ├── stable_diffusion_tf │ ├── __init__.py │ ├── autoencoder_kl.py │ ├── clip_encoder.py │ ├── clip_tokenizer │ │ ├── __init__.py │ │ └── bpe_simple_vocab_16e6.txt.gz │ ├── constants.py │ ├── diffusion_model.py │ ├── layers.py │ └── stable_diffusion.py │ ├── text2image.py │ └── webui.py ├── Stable-Diffusion ├── README.md └── Stable_Diffusion_QuickStart.ipynb ├── StableDiffusionVideo ├── README.md └── StableDiffusion_Interface_n_Walk.ipynb ├── StyleGAN-Collection └── README.md ├── Text2Image-AIModels ├── README.md └── images │ └── txt2img.png ├── Text2Image-Workshop ├── README.md ├── Text_2_Image_Workshop.ipynb └── images │ └── txt2img.png ├── TopicModelling ├── BaseWorkshop │ ├── README.md │ ├── Topic_Modeling_Workshop.ipynb │ └── ldavis_prepared_10.html ├── README.md └── images │ ├── README.md │ ├── lda-info.png │ └── lda-model-viz.png ├── TorchStudio └── README.md ├── ViG(VisionGNN) ├── README.md ├── ViG-GNN.pdf └── images │ ├── README.md │ ├── graph-processing.png │ ├── graph-representation.png │ └── vig-gnn.png ├── images └── prodramp-page.png ├── llm └── README.md ├── nerf ├── Instruct-NeRFNeRF.md └── README.md ├── pythontips └── README.md ├── ruDALL-E ├── README.md ├── RuDALL_E_Test.ipynb └── images │ └── ruDALL-e.png ├── selfdrivingtech ├── README.md └── streetscape.gl_demo │ ├── README.md │ └── get-started │ ├── README.md │ ├── index.html │ ├── package.json │ ├── src │ ├── app.js │ ├── constants.js │ ├── log-from-file.js │ ├── log-from-live.js │ └── log-from-stream.js │ └── webpack.config.js └── videos └── face.mp4 /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/.gitignore -------------------------------------------------------------------------------- /12-Research-Papers/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/12-Research-Papers/README.md -------------------------------------------------------------------------------- /12-Research-Papers/images/research12.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/12-Research-Papers/images/research12.png -------------------------------------------------------------------------------- /AllThings-VQGAN/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/AllThings-VQGAN/README.md -------------------------------------------------------------------------------- /AllThings-VQGAN/images/ae.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/AllThings-VQGAN/images/ae.png -------------------------------------------------------------------------------- /AwesomeOfAwsome/AutonomousDriving.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/AwesomeOfAwsome/AutonomousDriving.md -------------------------------------------------------------------------------- /AwesomeOfAwsome/DeepLearningFrameworks.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/AwesomeOfAwsome/DeepLearningFrameworks.md -------------------------------------------------------------------------------- /AwesomeOfAwsome/DeepLearningProjects.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/AwesomeOfAwsome/DeepLearningProjects.md -------------------------------------------------------------------------------- /AwesomeOfAwsome/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/AwesomeOfAwsome/README.md -------------------------------------------------------------------------------- /Bloom-BigScience/Bloom_BigScience_Experiment.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Bloom-BigScience/Bloom_BigScience_Experiment.ipynb -------------------------------------------------------------------------------- /Bloom-BigScience/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Bloom-BigScience/README.md -------------------------------------------------------------------------------- /BrainComputerInterface/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/BrainComputerInterface/README.md -------------------------------------------------------------------------------- /ChatGPT/DeepLearningMindmap.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/ChatGPT/DeepLearningMindmap.md -------------------------------------------------------------------------------- /ChatGPT/FineTuneLLM.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/ChatGPT/FineTuneLLM.md -------------------------------------------------------------------------------- /ChatGPT/LLM.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/ChatGPT/LLM.md -------------------------------------------------------------------------------- /ChatGPT/LangChainOpenAI.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/ChatGPT/LangChainOpenAI.md -------------------------------------------------------------------------------- /ChatGPT/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/ChatGPT/README.md -------------------------------------------------------------------------------- /ChatGPT/Whiteboarding-ChatGPT-Intro.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/ChatGPT/Whiteboarding-ChatGPT-Intro.md -------------------------------------------------------------------------------- /ChatGPT/Whiteboarding-LLM-TechStack.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/ChatGPT/Whiteboarding-LLM-TechStack.md -------------------------------------------------------------------------------- /ChatGPT/deeplearning-study-mindmap.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/ChatGPT/deeplearning-study-mindmap.txt -------------------------------------------------------------------------------- /ChatGPT/dl-mind-map.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/ChatGPT/dl-mind-map.jpg -------------------------------------------------------------------------------- /ChatGPT/dl-mind-map.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/ChatGPT/dl-mind-map.png -------------------------------------------------------------------------------- /ChatGPT/finetunellm/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/ChatGPT/finetunellm/README.md -------------------------------------------------------------------------------- /ChatGPT/finetunellm/finetune.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/ChatGPT/finetunellm/finetune.py -------------------------------------------------------------------------------- /ChatGPT/finetunellm/queryindex.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/ChatGPT/finetunellm/queryindex.py -------------------------------------------------------------------------------- /ChatGPT/finetunellm/tuning-gradio-ui.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/ChatGPT/finetunellm/tuning-gradio-ui.py -------------------------------------------------------------------------------- /ChatGPT/gptchaindemo/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/ChatGPT/gptchaindemo/main.py -------------------------------------------------------------------------------- /ChatGPT/images/part1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/ChatGPT/images/part1.png -------------------------------------------------------------------------------- /ChatGPT/images/part2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/ChatGPT/images/part2.png -------------------------------------------------------------------------------- /ChatGPT/images/part3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/ChatGPT/images/part3.png -------------------------------------------------------------------------------- /ChatGPT/images/wb2-part1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/ChatGPT/images/wb2-part1.png -------------------------------------------------------------------------------- /ChatGPT/images/wb2-part2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/ChatGPT/images/wb2-part2.png -------------------------------------------------------------------------------- /ChatGPT/images/wb2-part3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/ChatGPT/images/wb2-part3.png -------------------------------------------------------------------------------- /ChatGPT/langchain-openai.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/ChatGPT/langchain-openai.png -------------------------------------------------------------------------------- /ConvolutionOnImageDemo/Convolution_Filter_Live.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/ConvolutionOnImageDemo/Convolution_Filter_Live.ipynb -------------------------------------------------------------------------------- /ConvolutionOnImageDemo/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/ConvolutionOnImageDemo/README.md -------------------------------------------------------------------------------- /ConvolutionOnImageDemo/images/README.md: -------------------------------------------------------------------------------- 1 | ## all images for this demo ## 2 | -------------------------------------------------------------------------------- /ConvolutionOnImageDemo/images/conv-cnn-explainer.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/ConvolutionOnImageDemo/images/conv-cnn-explainer.png -------------------------------------------------------------------------------- /ConvolutionOnImageDemo/images/demo-flow.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/ConvolutionOnImageDemo/images/demo-flow.png -------------------------------------------------------------------------------- /DL-SatelliteImagery/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DL-SatelliteImagery/README.md -------------------------------------------------------------------------------- /DL-SatelliteImagery/Satellite_Imagery_DeepLearning-Base.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DL-SatelliteImagery/Satellite_Imagery_DeepLearning-Base.ipynb -------------------------------------------------------------------------------- /DL-SatelliteImagery/Satellite_Imagery_DeepLearning-LocalDiag.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DL-SatelliteImagery/Satellite_Imagery_DeepLearning-LocalDiag.ipynb -------------------------------------------------------------------------------- /DL-SatelliteImagery/Satellite_Imagery_DeepLearning-SaveLoadModel.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DL-SatelliteImagery/Satellite_Imagery_DeepLearning-SaveLoadModel.ipynb -------------------------------------------------------------------------------- /DL-SatelliteImagery/Satellite_Imagery_DeepLearning-WandB.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DL-SatelliteImagery/Satellite_Imagery_DeepLearning-WandB.ipynb -------------------------------------------------------------------------------- /DL-SatelliteImagery/Satellite_Imagery_DeepLearning_ActivationHeatmap.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DL-SatelliteImagery/Satellite_Imagery_DeepLearning_ActivationHeatmap.ipynb -------------------------------------------------------------------------------- /DL-SatelliteImagery/Satellite_Imagery_Segmentation.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DL-SatelliteImagery/Satellite_Imagery_Segmentation.ipynb -------------------------------------------------------------------------------- /DL-SatelliteImagery/Satellite_segmentation_Prediction-Base.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DL-SatelliteImagery/Satellite_segmentation_Prediction-Base.ipynb -------------------------------------------------------------------------------- /DL-SatelliteImagery/Satellite_segmentation_Prediction-GradioUI.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DL-SatelliteImagery/Satellite_segmentation_Prediction-GradioUI.ipynb -------------------------------------------------------------------------------- /DallE-mini/Dall_E_Mini.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DallE-mini/Dall_E_Mini.ipynb -------------------------------------------------------------------------------- /DallE-mini/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DallE-mini/README.md -------------------------------------------------------------------------------- /DatasetRamp/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DatasetRamp/README.md -------------------------------------------------------------------------------- /DeepLearningRig/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DeepLearningRig/README.md -------------------------------------------------------------------------------- /DeepViz/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DeepViz/README.md -------------------------------------------------------------------------------- /DeepViz/Tensor/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DeepViz/Tensor/README.md -------------------------------------------------------------------------------- /DeeplearningWithMetal/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DeeplearningWithMetal/README.md -------------------------------------------------------------------------------- /DeveloperProgram/GradioTabbedUI/ImageProcessorUI/imageprocessui.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DeveloperProgram/GradioTabbedUI/ImageProcessorUI/imageprocessui.py -------------------------------------------------------------------------------- /DeveloperProgram/GradioTabbedUI/ImageProcessorUI/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DeveloperProgram/GradioTabbedUI/ImageProcessorUI/main.py -------------------------------------------------------------------------------- /DeveloperProgram/GradioTabbedUI/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DeveloperProgram/GradioTabbedUI/README.md -------------------------------------------------------------------------------- /DeveloperProgram/PythonClasses.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DeveloperProgram/PythonClasses.md -------------------------------------------------------------------------------- /DeveloperProgram/PythonDataProcessing/Code-Part1and2/PythonClassify/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DeveloperProgram/PythonDataProcessing/Code-Part1and2/PythonClassify/dataset.py -------------------------------------------------------------------------------- /DeveloperProgram/PythonDataProcessing/Code-Part1and2/PythonClassify/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DeveloperProgram/PythonDataProcessing/Code-Part1and2/PythonClassify/main.py -------------------------------------------------------------------------------- /DeveloperProgram/PythonDataProcessing/Code-Part1and2/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DeveloperProgram/PythonDataProcessing/Code-Part1and2/README.md -------------------------------------------------------------------------------- /DeveloperProgram/PythonDataProcessing/Code-Part3a/PythonClassify/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DeveloperProgram/PythonDataProcessing/Code-Part3a/PythonClassify/dataset.py -------------------------------------------------------------------------------- /DeveloperProgram/PythonDataProcessing/Code-Part3a/PythonClassify/datasetmanager.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DeveloperProgram/PythonDataProcessing/Code-Part3a/PythonClassify/datasetmanager.py -------------------------------------------------------------------------------- /DeveloperProgram/PythonDataProcessing/Code-Part3a/PythonClassify/datasetselector.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DeveloperProgram/PythonDataProcessing/Code-Part3a/PythonClassify/datasetselector.py -------------------------------------------------------------------------------- /DeveloperProgram/PythonDataProcessing/Code-Part3a/PythonClassify/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DeveloperProgram/PythonDataProcessing/Code-Part3a/PythonClassify/main.py -------------------------------------------------------------------------------- /DeveloperProgram/PythonDataProcessing/Code-Part3a/PythonClassify/mainPrevious.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DeveloperProgram/PythonDataProcessing/Code-Part3a/PythonClassify/mainPrevious.py -------------------------------------------------------------------------------- /DeveloperProgram/PythonDataProcessing/Code-Part3a/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DeveloperProgram/PythonDataProcessing/Code-Part3a/README.md -------------------------------------------------------------------------------- /DeveloperProgram/PythonDataProcessing/Code-Part3b/PythonClassify/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DeveloperProgram/PythonDataProcessing/Code-Part3b/PythonClassify/dataset.py -------------------------------------------------------------------------------- /DeveloperProgram/PythonDataProcessing/Code-Part3b/PythonClassify/datasetmanager.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DeveloperProgram/PythonDataProcessing/Code-Part3b/PythonClassify/datasetmanager.py -------------------------------------------------------------------------------- /DeveloperProgram/PythonDataProcessing/Code-Part3b/PythonClassify/datasetselector.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DeveloperProgram/PythonDataProcessing/Code-Part3b/PythonClassify/datasetselector.py -------------------------------------------------------------------------------- /DeveloperProgram/PythonDataProcessing/Code-Part3b/PythonClassify/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DeveloperProgram/PythonDataProcessing/Code-Part3b/PythonClassify/main.py -------------------------------------------------------------------------------- /DeveloperProgram/PythonDataProcessing/Code-Part3b/PythonClassify/mainPrevious.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DeveloperProgram/PythonDataProcessing/Code-Part3b/PythonClassify/mainPrevious.py -------------------------------------------------------------------------------- /DeveloperProgram/PythonDataProcessing/Code-Part3b/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DeveloperProgram/PythonDataProcessing/Code-Part3b/README.md -------------------------------------------------------------------------------- /DeveloperProgram/PythonDataProcessing/Code-Part4a/PythonClassify/datasetmanager.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DeveloperProgram/PythonDataProcessing/Code-Part4a/PythonClassify/datasetmanager.py -------------------------------------------------------------------------------- /DeveloperProgram/PythonDataProcessing/Code-Part4a/PythonClassify/datasetselector.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DeveloperProgram/PythonDataProcessing/Code-Part4a/PythonClassify/datasetselector.py -------------------------------------------------------------------------------- /DeveloperProgram/PythonDataProcessing/Code-Part4a/PythonClassify/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DeveloperProgram/PythonDataProcessing/Code-Part4a/PythonClassify/main.py -------------------------------------------------------------------------------- /DeveloperProgram/PythonDataProcessing/Code-Part4a/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DeveloperProgram/PythonDataProcessing/Code-Part4a/README.md -------------------------------------------------------------------------------- /DeveloperProgram/PythonDataProcessing/Code-Part4b/PythonClassify/datasetmanager.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DeveloperProgram/PythonDataProcessing/Code-Part4b/PythonClassify/datasetmanager.py -------------------------------------------------------------------------------- /DeveloperProgram/PythonDataProcessing/Code-Part4b/PythonClassify/datasetselector.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DeveloperProgram/PythonDataProcessing/Code-Part4b/PythonClassify/datasetselector.py -------------------------------------------------------------------------------- /DeveloperProgram/PythonDataProcessing/Code-Part4b/PythonClassify/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DeveloperProgram/PythonDataProcessing/Code-Part4b/PythonClassify/main.py -------------------------------------------------------------------------------- /DeveloperProgram/PythonDataProcessing/Code-Part4b/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DeveloperProgram/PythonDataProcessing/Code-Part4b/README.md -------------------------------------------------------------------------------- /DeveloperProgram/PythonDataProcessing/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DeveloperProgram/PythonDataProcessing/README.md -------------------------------------------------------------------------------- /DeveloperProgram/PythonModule/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /DeveloperProgram/PythonModule/SamplePackage/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /DeveloperProgram/PythonModule/SamplePackage/ramputils/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /DeveloperProgram/PythonModule/SamplePackage/ramputils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /DeveloperProgram/PythonModule/SamplePackage/ramputils/requirements.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /DeveloperProgram/PythonModule/SamplePackage/ramputils/setup.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /DeveloperProgram/PythonModule/SamplePackage/ramputils/src/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /DeveloperProgram/PythonModule/SamplePackage/ramputils/tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /DeveloperProgram/PythonModule/ramputils_class/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /DeveloperProgram/PythonModule/ramputils_class/requirements.txt: -------------------------------------------------------------------------------- 1 | setuptools 2 | wheel 3 | twine 4 | pytest 5 | -------------------------------------------------------------------------------- /DeveloperProgram/PythonModule/ramputils_class/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DeveloperProgram/PythonModule/ramputils_class/setup.py -------------------------------------------------------------------------------- /DeveloperProgram/PythonModule/ramputils_class/src/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /DeveloperProgram/PythonModule/ramputils_class/src/ramputils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DeveloperProgram/PythonModule/ramputils_class/src/ramputils/__init__.py -------------------------------------------------------------------------------- /DeveloperProgram/PythonModule/ramputils_class/src/ramputils/api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DeveloperProgram/PythonModule/ramputils_class/src/ramputils/api.py -------------------------------------------------------------------------------- /DeveloperProgram/PythonModule/ramputils_class/src/ramputils/apiclass.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DeveloperProgram/PythonModule/ramputils_class/src/ramputils/apiclass.py -------------------------------------------------------------------------------- /DeveloperProgram/PythonModule/ramputils_class/tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /DeveloperProgram/PythonModule/ramputils_class/tests/testapi.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DeveloperProgram/PythonModule/ramputils_class/tests/testapi.py -------------------------------------------------------------------------------- /DeveloperProgram/PythonModule/ramputils_full/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DeveloperProgram/PythonModule/ramputils_full/LICENSE -------------------------------------------------------------------------------- /DeveloperProgram/PythonModule/ramputils_full/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DeveloperProgram/PythonModule/ramputils_full/README.md -------------------------------------------------------------------------------- /DeveloperProgram/PythonModule/ramputils_full/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /DeveloperProgram/PythonModule/ramputils_full/pyproject.toml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DeveloperProgram/PythonModule/ramputils_full/pyproject.toml -------------------------------------------------------------------------------- /DeveloperProgram/PythonModule/ramputils_full/requirements.txt: -------------------------------------------------------------------------------- 1 | setuptools 2 | wheel 3 | twine 4 | pytest 5 | -------------------------------------------------------------------------------- /DeveloperProgram/PythonModule/ramputils_full/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DeveloperProgram/PythonModule/ramputils_full/setup.py -------------------------------------------------------------------------------- /DeveloperProgram/PythonModule/ramputils_full/src/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /DeveloperProgram/PythonModule/ramputils_full/src/ramputils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DeveloperProgram/PythonModule/ramputils_full/src/ramputils/__init__.py -------------------------------------------------------------------------------- /DeveloperProgram/PythonModule/ramputils_full/src/ramputils/api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DeveloperProgram/PythonModule/ramputils_full/src/ramputils/api.py -------------------------------------------------------------------------------- /DeveloperProgram/PythonModule/ramputils_full/src/ramputils/apiclass.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DeveloperProgram/PythonModule/ramputils_full/src/ramputils/apiclass.py -------------------------------------------------------------------------------- /DeveloperProgram/PythonModule/ramputils_full/testapi.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DeveloperProgram/PythonModule/ramputils_full/testapi.py -------------------------------------------------------------------------------- /DeveloperProgram/PythonModule/ramputils_full/tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /DeveloperProgram/PythonModule/ramputils_full/tests/testapi.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DeveloperProgram/PythonModule/ramputils_full/tests/testapi.py -------------------------------------------------------------------------------- /DeveloperProgram/PythonModule/ramputils_module/RampUtilsApp/app.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DeveloperProgram/PythonModule/ramputils_module/RampUtilsApp/app.py -------------------------------------------------------------------------------- /DeveloperProgram/PythonModule/ramputils_module/RampUtilsApp/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DeveloperProgram/PythonModule/ramputils_module/RampUtilsApp/main.py -------------------------------------------------------------------------------- /DeveloperProgram/PythonModule/ramputils_module/ramputils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /DeveloperProgram/PythonModule/ramputils_module/ramputils/requirements.txt: -------------------------------------------------------------------------------- 1 | setuptools 2 | wheel 3 | twine 4 | pytest 5 | -------------------------------------------------------------------------------- /DeveloperProgram/PythonModule/ramputils_module/ramputils/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DeveloperProgram/PythonModule/ramputils_module/ramputils/setup.py -------------------------------------------------------------------------------- /DeveloperProgram/PythonModule/ramputils_module/ramputils/src/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /DeveloperProgram/PythonModule/ramputils_module/ramputils/src/ramputils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DeveloperProgram/PythonModule/ramputils_module/ramputils/src/ramputils/__init__.py -------------------------------------------------------------------------------- /DeveloperProgram/PythonModule/ramputils_module/ramputils/src/ramputils/api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DeveloperProgram/PythonModule/ramputils_module/ramputils/src/ramputils/api.py -------------------------------------------------------------------------------- /DeveloperProgram/PythonModule/ramputils_module/ramputils/tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /DeveloperProgram/PythonModule/ramputils_module/ramputils/tests/testapi.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DeveloperProgram/PythonModule/ramputils_module/ramputils/tests/testapi.py -------------------------------------------------------------------------------- /DeveloperProgram/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DeveloperProgram/README.md -------------------------------------------------------------------------------- /DeveloperProgram/images/gradio-tabs6.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DeveloperProgram/images/gradio-tabs6.png -------------------------------------------------------------------------------- /DeveloperProgram/images/python-classes.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DeveloperProgram/images/python-classes.jpg -------------------------------------------------------------------------------- /DeveloperProgram/ml-statistics/Statistics.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DeveloperProgram/ml-statistics/Statistics.md -------------------------------------------------------------------------------- /DiffusionModels/Dreamix-DiffusionMixVideoEditing.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DiffusionModels/Dreamix-DiffusionMixVideoEditing.md -------------------------------------------------------------------------------- /DiffusionModels/Forward_Reverse_Diffusion.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DiffusionModels/Forward_Reverse_Diffusion.ipynb -------------------------------------------------------------------------------- /DiffusionModels/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DiffusionModels/README.md -------------------------------------------------------------------------------- /DiffusionModels/denoising_diffusion_Model_Test.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/DiffusionModels/denoising_diffusion_Model_Test.ipynb -------------------------------------------------------------------------------- /Dlib-CUDA-Install/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Dlib-CUDA-Install/README.md -------------------------------------------------------------------------------- /EG3D/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/EG3D/README.md -------------------------------------------------------------------------------- /FaceProcessingWebcam/FaceAnalysisWebApp/FaceOrientation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/FaceProcessingWebcam/FaceAnalysisWebApp/FaceOrientation.py -------------------------------------------------------------------------------- /FaceProcessingWebcam/FaceAnalysisWebApp/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/FaceProcessingWebcam/FaceAnalysisWebApp/README.md -------------------------------------------------------------------------------- /FaceProcessingWebcam/FaceAnalysisWebApp/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/FaceProcessingWebcam/FaceAnalysisWebApp/main.py -------------------------------------------------------------------------------- /FaceProcessingWebcam/FaceAnalysisWebApp/model/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/FaceProcessingWebcam/FaceAnalysisWebApp/model/README.md -------------------------------------------------------------------------------- /FaceProcessingWebcam/FaceAnalysisWebApp/requirements.txt: -------------------------------------------------------------------------------- 1 | opencv-python 2 | dlib 3 | imutils 4 | numpy 5 | gradio 6 | mediapipe 7 | -------------------------------------------------------------------------------- /FaceProcessingWebcam/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/FaceProcessingWebcam/README.md -------------------------------------------------------------------------------- /GPT-Models/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/GPT-Models/README.md -------------------------------------------------------------------------------- /GigasheetWorkshop/Pandas_Gigasheet_comparision.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/GigasheetWorkshop/Pandas_Gigasheet_comparision.ipynb -------------------------------------------------------------------------------- /GigasheetWorkshop/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/GigasheetWorkshop/README.md -------------------------------------------------------------------------------- /GraphNeuralNetworks/GNN-cora-dataset.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/GraphNeuralNetworks/GNN-cora-dataset.ipynb -------------------------------------------------------------------------------- /GraphNeuralNetworks/Graph Neural Networks - Part2.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/GraphNeuralNetworks/Graph Neural Networks - Part2.pdf -------------------------------------------------------------------------------- /GraphNeuralNetworks/Graph Neural Networks Intro.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/GraphNeuralNetworks/Graph Neural Networks Intro.ipynb -------------------------------------------------------------------------------- /GraphNeuralNetworks/Graph Neural Networks-NetworkX.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/GraphNeuralNetworks/Graph Neural Networks-NetworkX.ipynb -------------------------------------------------------------------------------- /GraphNeuralNetworks/Graph Neural Networks-Part1.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/GraphNeuralNetworks/Graph Neural Networks-Part1.pdf -------------------------------------------------------------------------------- /GraphNeuralNetworks/Part2_Example2NodeClassification.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/GraphNeuralNetworks/Part2_Example2NodeClassification.ipynb -------------------------------------------------------------------------------- /GraphNeuralNetworks/Part2_GNN_Experiment_KarateClub.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/GraphNeuralNetworks/Part2_GNN_Experiment_KarateClub.ipynb -------------------------------------------------------------------------------- /GraphNeuralNetworks/Part2_HandlingData_KarateClub.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/GraphNeuralNetworks/Part2_HandlingData_KarateClub.ipynb -------------------------------------------------------------------------------- /GraphNeuralNetworks/Part2_Introduction_NetworkX.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/GraphNeuralNetworks/Part2_Introduction_NetworkX.ipynb -------------------------------------------------------------------------------- /GraphNeuralNetworks/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/GraphNeuralNetworks/README.md -------------------------------------------------------------------------------- /GraphNeuralNetworks/Tensors.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/GraphNeuralNetworks/Tensors.ipynb -------------------------------------------------------------------------------- /GraphNeuralNetworks/images/README.md: -------------------------------------------------------------------------------- 1 | # all Images # 2 | -------------------------------------------------------------------------------- /GraphNeuralNetworks/images/conv-on-graph.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/GraphNeuralNetworks/images/conv-on-graph.png -------------------------------------------------------------------------------- /GraphNeuralNetworks/images/conv-on-images.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/GraphNeuralNetworks/images/conv-on-images.png -------------------------------------------------------------------------------- /GraphNeuralNetworks/images/graph-to-code-viz.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/GraphNeuralNetworks/images/graph-to-code-viz.png -------------------------------------------------------------------------------- /GraphNeuralNetworks/images/node-embeddings.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/GraphNeuralNetworks/images/node-embeddings.png -------------------------------------------------------------------------------- /HuggingFace/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/HuggingFace/README.md -------------------------------------------------------------------------------- /Instant-NGP/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Instant-NGP/README.md -------------------------------------------------------------------------------- /Instant-NGP/images/nerf.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Instant-NGP/images/nerf.png -------------------------------------------------------------------------------- /JAX-CUDA-Install/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/JAX-CUDA-Install/README.md -------------------------------------------------------------------------------- /JoJoGAN/JoJoGAN_CustomModel_Inference.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/JoJoGAN/JoJoGAN_CustomModel_Inference.ipynb -------------------------------------------------------------------------------- /JoJoGAN/JoJoGAN_Exercise.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/JoJoGAN/JoJoGAN_Exercise.ipynb -------------------------------------------------------------------------------- /JoJoGAN/JoJoGAN_Inference_gradio.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/JoJoGAN/JoJoGAN_Inference_gradio.ipynb -------------------------------------------------------------------------------- /JoJoGAN/JoJoGAN_ModelExport.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/JoJoGAN/JoJoGAN_ModelExport.ipynb -------------------------------------------------------------------------------- /JoJoGAN/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/JoJoGAN/README.md -------------------------------------------------------------------------------- /JoJoGAN/images/jojo01.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/JoJoGAN/images/jojo01.png -------------------------------------------------------------------------------- /JoJoGAN/images/jojo02.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/JoJoGAN/images/jojo02.png -------------------------------------------------------------------------------- /JoJoGAN/images/jojo03.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/JoJoGAN/images/jojo03.png -------------------------------------------------------------------------------- /JoJoGAN/images/jojo04.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/JoJoGAN/images/jojo04.png -------------------------------------------------------------------------------- /LIMoE/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/LIMoE/README.md -------------------------------------------------------------------------------- /LIMoE/images/limoe.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/LIMoE/images/limoe.png -------------------------------------------------------------------------------- /MLI-XAI/LIME_Exp.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/MLI-XAI/LIME_Exp.ipynb -------------------------------------------------------------------------------- /MLI-XAI/Lime_Original_Explaination.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/MLI-XAI/Lime_Original_Explaination.ipynb -------------------------------------------------------------------------------- /MLI-XAI/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/MLI-XAI/README.md -------------------------------------------------------------------------------- /MLI-XAI/elephant.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/MLI-XAI/elephant.jpg -------------------------------------------------------------------------------- /MLI-XAI/lime_explaination.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/MLI-XAI/lime_explaination.py -------------------------------------------------------------------------------- /MoE/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/MoE/README.md -------------------------------------------------------------------------------- /MoE/images/Moe-processing.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/MoE/images/Moe-processing.png -------------------------------------------------------------------------------- /MoE/images/moe-atchitecture.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/MoE/images/moe-atchitecture.png -------------------------------------------------------------------------------- /OpenAI-Whisper/CMDLine-Whisper/OpenAI_Whisper.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/OpenAI-Whisper/CMDLine-Whisper/OpenAI_Whisper.ipynb -------------------------------------------------------------------------------- /OpenAI-Whisper/CMDLine-Whisper/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/OpenAI-Whisper/CMDLine-Whisper/README.md -------------------------------------------------------------------------------- /OpenAI-Whisper/OpenAiWhisperUI-Base/data_files/bharat.mp3: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/OpenAI-Whisper/OpenAiWhisperUI-Base/data_files/bharat.mp3 -------------------------------------------------------------------------------- /OpenAI-Whisper/OpenAiWhisperUI-Base/data_files/miyuki-koso.mp3: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/OpenAI-Whisper/OpenAiWhisperUI-Base/data_files/miyuki-koso.mp3 -------------------------------------------------------------------------------- /OpenAI-Whisper/OpenAiWhisperUI-Base/data_files/story.mp3: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/OpenAI-Whisper/OpenAiWhisperUI-Base/data_files/story.mp3 -------------------------------------------------------------------------------- /OpenAI-Whisper/OpenAiWhisperUI-Base/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/OpenAI-Whisper/OpenAiWhisperUI-Base/main.py -------------------------------------------------------------------------------- /OpenAI-Whisper/OpenAiWhisperUI/data_files/Best 2 Minutes of Motivational Speech.mp4: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/OpenAI-Whisper/OpenAiWhisperUI/data_files/Best 2 Minutes of Motivational Speech.mp4 -------------------------------------------------------------------------------- /OpenAI-Whisper/OpenAiWhisperUI/data_files/bharat.mp3: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/OpenAI-Whisper/OpenAiWhisperUI/data_files/bharat.mp3 -------------------------------------------------------------------------------- /OpenAI-Whisper/OpenAiWhisperUI/data_files/miyuki-koso.mp3: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/OpenAI-Whisper/OpenAiWhisperUI/data_files/miyuki-koso.mp3 -------------------------------------------------------------------------------- /OpenAI-Whisper/OpenAiWhisperUI/data_files/story.mp3: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/OpenAI-Whisper/OpenAiWhisperUI/data_files/story.mp3 -------------------------------------------------------------------------------- /OpenAI-Whisper/OpenAiWhisperUI/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/OpenAI-Whisper/OpenAiWhisperUI/main.py -------------------------------------------------------------------------------- /OpenAI-Whisper/OpenAiWhisperUI/requirements.txt: -------------------------------------------------------------------------------- 1 | git+https://github.com/openai/whisper.git 2 | pytube 3 | -------------------------------------------------------------------------------- /OpenAI-Whisper/OpenAiWhisperUI/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/OpenAI-Whisper/OpenAiWhisperUI/utils.py -------------------------------------------------------------------------------- /OpenAI-Whisper/OpenAiWhisperUI/whisperui.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/OpenAI-Whisper/OpenAiWhisperUI/whisperui.py -------------------------------------------------------------------------------- /OpenAI-Whisper/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/OpenAI-Whisper/README.md -------------------------------------------------------------------------------- /PredictNumberSeries/NumberPatterns.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/PredictNumberSeries/NumberPatterns.ipynb -------------------------------------------------------------------------------- /PredictNumberSeries/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/PredictNumberSeries/README.md -------------------------------------------------------------------------------- /PyTorchTutorials/01_All_things_Tensors.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/PyTorchTutorials/01_All_things_Tensors.ipynb -------------------------------------------------------------------------------- /PyTorchTutorials/02_NeuralNetworkModel.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/PyTorchTutorials/02_NeuralNetworkModel.ipynb -------------------------------------------------------------------------------- /PyTorchTutorials/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/PyTorchTutorials/README.md -------------------------------------------------------------------------------- /PyTorchTutorials/WORKSHOP_2.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/PyTorchTutorials/WORKSHOP_2.md -------------------------------------------------------------------------------- /PyTorchTutorials/images/README.md: -------------------------------------------------------------------------------- 1 | ## All images for the workshops are here ## 2 | -------------------------------------------------------------------------------- /PyTorchTutorials/images/layer-5-10-2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/PyTorchTutorials/images/layer-5-10-2.png -------------------------------------------------------------------------------- /PyTorchTutorials/images/layer-5-100-10-2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/PyTorchTutorials/images/layer-5-100-10-2.png -------------------------------------------------------------------------------- /PyTorchTutorials/images/layer-5-1000-100-10-2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/PyTorchTutorials/images/layer-5-1000-100-10-2.png -------------------------------------------------------------------------------- /PyTorchTutorials/images/layer-5-2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/PyTorchTutorials/images/layer-5-2.png -------------------------------------------------------------------------------- /PythonCode/Python_icecream_Demo.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/PythonCode/Python_icecream_Demo.ipynb -------------------------------------------------------------------------------- /PythonCode/icecream/ic_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/PythonCode/icecream/ic_test.py -------------------------------------------------------------------------------- /PythonCode/icecream/ic_test2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/PythonCode/icecream/ic_test2.py -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/README.md -------------------------------------------------------------------------------- /RustByChatGPT/Chapter1.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/RustByChatGPT/Chapter1.md -------------------------------------------------------------------------------- /RustByChatGPT/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/RustByChatGPT/README.md -------------------------------------------------------------------------------- /RustByChatGPT/VSCodeIDE.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/RustByChatGPT/VSCodeIDE.md -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/README.md -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/images/sd-gradio-01.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/images/sd-gradio-01.png -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/images/sd-gradio-02.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/images/sd-gradio-02.png -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/images/sd-gradio-021.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/images/sd-gradio-021.png -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/images/sd-gradio-03.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/images/sd-gradio-03.png -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/images/sd-gradio-031.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/images/sd-gradio-031.png -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/images/sd-gradio-04.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/images/sd-gradio-04.png -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-full/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-full/LICENSE -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-full/README-TF-Model.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-full/README-TF-Model.md -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-full/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-full/README.md -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-full/WEIGHTS_LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-full/WEIGHTS_LICENSE -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-full/backend.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-full/backend.py -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-full/models/model_info.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-full/models/model_info.txt -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-full/output/art_image_1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-full/output/art_image_1.png -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-full/output/art_image_10.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-full/output/art_image_10.png -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-full/output/art_image_11.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-full/output/art_image_11.png -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-full/output/art_image_12.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-full/output/art_image_12.png -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-full/output/art_image_13.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-full/output/art_image_13.png -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-full/output/art_image_14.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-full/output/art_image_14.png -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-full/output/art_image_2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-full/output/art_image_2.png -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-full/output/art_image_3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-full/output/art_image_3.png -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-full/output/art_image_4.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-full/output/art_image_4.png -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-full/output/art_image_5.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-full/output/art_image_5.png -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-full/output/art_image_6.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-full/output/art_image_6.png -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-full/output/art_image_7.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-full/output/art_image_7.png -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-full/output/art_image_8.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-full/output/art_image_8.png -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-full/output/art_image_9.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-full/output/art_image_9.png -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-full/output/output_images.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-full/output/output_images.json -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-full/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-full/requirements.txt -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-full/requirements_added.txt: -------------------------------------------------------------------------------- 1 | transformers 2 | -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-full/requirements_m1.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-full/requirements_m1.txt -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-full/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-full/setup.py -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-full/stable_diffusion_tf/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-full/stable_diffusion_tf/autoencoder_kl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-full/stable_diffusion_tf/autoencoder_kl.py -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-full/stable_diffusion_tf/clip_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-full/stable_diffusion_tf/clip_encoder.py -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-full/stable_diffusion_tf/clip_tokenizer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-full/stable_diffusion_tf/clip_tokenizer/__init__.py -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-full/stable_diffusion_tf/clip_tokenizer/bpe_simple_vocab_16e6.txt.gz: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-full/stable_diffusion_tf/clip_tokenizer/bpe_simple_vocab_16e6.txt.gz -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-full/stable_diffusion_tf/constants.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-full/stable_diffusion_tf/constants.py -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-full/stable_diffusion_tf/diffusion_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-full/stable_diffusion_tf/diffusion_model.py -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-full/stable_diffusion_tf/layers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-full/stable_diffusion_tf/layers.py -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-full/stable_diffusion_tf/stable_diffusion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-full/stable_diffusion_tf/stable_diffusion.py -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-full/text2image.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-full/text2image.py -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-full/webui.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-full/webui.py -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-part1/backend.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-part1/backend.py -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-part1/heaven.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-part1/heaven.png -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-part1/panda.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-part1/panda.png -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-part1/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-part1/requirements.txt -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-part1/requirements_m1.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-part1/requirements_m1.txt -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-part1/stable_diffusion_tf/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-part1/stable_diffusion_tf/autoencoder_kl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-part1/stable_diffusion_tf/autoencoder_kl.py -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-part1/stable_diffusion_tf/clip_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-part1/stable_diffusion_tf/clip_encoder.py -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-part1/stable_diffusion_tf/clip_tokenizer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-part1/stable_diffusion_tf/clip_tokenizer/__init__.py -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-part1/stable_diffusion_tf/clip_tokenizer/bpe_simple_vocab_16e6.txt.gz: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-part1/stable_diffusion_tf/clip_tokenizer/bpe_simple_vocab_16e6.txt.gz -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-part1/stable_diffusion_tf/constants.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-part1/stable_diffusion_tf/constants.py -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-part1/stable_diffusion_tf/diffusion_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-part1/stable_diffusion_tf/diffusion_model.py -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-part1/stable_diffusion_tf/layers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-part1/stable_diffusion_tf/layers.py -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-part1/stable_diffusion_tf/stable_diffusion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-part1/stable_diffusion_tf/stable_diffusion.py -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-part1/text2image.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-part1/text2image.py -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-part1/webui.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-part1/webui.py -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-part2/backend.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-part2/backend.py -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-part2/output/art_image_1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-part2/output/art_image_1.png -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-part2/output/output-info.txt: -------------------------------------------------------------------------------- 1 | Note: All the output files will be saved here... -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-part2/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-part2/requirements.txt -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-part2/requirements_m1.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-part2/requirements_m1.txt -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-part2/stable_diffusion_tf/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-part2/stable_diffusion_tf/autoencoder_kl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-part2/stable_diffusion_tf/autoencoder_kl.py -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-part2/stable_diffusion_tf/clip_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-part2/stable_diffusion_tf/clip_encoder.py -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-part2/stable_diffusion_tf/clip_tokenizer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-part2/stable_diffusion_tf/clip_tokenizer/__init__.py -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-part2/stable_diffusion_tf/clip_tokenizer/bpe_simple_vocab_16e6.txt.gz: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-part2/stable_diffusion_tf/clip_tokenizer/bpe_simple_vocab_16e6.txt.gz -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-part2/stable_diffusion_tf/constants.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-part2/stable_diffusion_tf/constants.py -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-part2/stable_diffusion_tf/diffusion_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-part2/stable_diffusion_tf/diffusion_model.py -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-part2/stable_diffusion_tf/layers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-part2/stable_diffusion_tf/layers.py -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-part2/stable_diffusion_tf/stable_diffusion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-part2/stable_diffusion_tf/stable_diffusion.py -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-part2/text2image.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-part2/text2image.py -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-part2/webui.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-part2/webui.py -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-part3/backend.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-part3/backend.py -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-part3/output/art_image_1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-part3/output/art_image_1.png -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-part3/output/art_image_2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-part3/output/art_image_2.png -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-part3/output/art_image_3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-part3/output/art_image_3.png -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-part3/output/art_image_4.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-part3/output/art_image_4.png -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-part3/output/art_image_5.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-part3/output/art_image_5.png -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-part3/output/art_image_6.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-part3/output/art_image_6.png -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-part3/output/art_image_7.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-part3/output/art_image_7.png -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-part3/output/art_image_8.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-part3/output/art_image_8.png -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-part3/output/output-info.txt: -------------------------------------------------------------------------------- 1 | Note: All the output files will be saved here... -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-part3/output/output_images.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-part3/output/output_images.json -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-part3/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-part3/requirements.txt -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-part3/requirements_m1.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-part3/requirements_m1.txt -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-part3/stable_diffusion_tf/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-part3/stable_diffusion_tf/autoencoder_kl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-part3/stable_diffusion_tf/autoencoder_kl.py -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-part3/stable_diffusion_tf/clip_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-part3/stable_diffusion_tf/clip_encoder.py -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-part3/stable_diffusion_tf/clip_tokenizer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-part3/stable_diffusion_tf/clip_tokenizer/__init__.py -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-part3/stable_diffusion_tf/clip_tokenizer/bpe_simple_vocab_16e6.txt.gz: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-part3/stable_diffusion_tf/clip_tokenizer/bpe_simple_vocab_16e6.txt.gz -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-part3/stable_diffusion_tf/constants.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-part3/stable_diffusion_tf/constants.py -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-part3/stable_diffusion_tf/diffusion_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-part3/stable_diffusion_tf/diffusion_model.py -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-part3/stable_diffusion_tf/layers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-part3/stable_diffusion_tf/layers.py -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-part3/stable_diffusion_tf/stable_diffusion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-part3/stable_diffusion_tf/stable_diffusion.py -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-part3/text2image.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-part3/text2image.py -------------------------------------------------------------------------------- /Stable-Diffusion-TF-WebUI/webui-code-part3/webui.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion-TF-WebUI/webui-code-part3/webui.py -------------------------------------------------------------------------------- /Stable-Diffusion/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion/README.md -------------------------------------------------------------------------------- /Stable-Diffusion/Stable_Diffusion_QuickStart.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Stable-Diffusion/Stable_Diffusion_QuickStart.ipynb -------------------------------------------------------------------------------- /StableDiffusionVideo/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/StableDiffusionVideo/README.md -------------------------------------------------------------------------------- /StableDiffusionVideo/StableDiffusion_Interface_n_Walk.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/StableDiffusionVideo/StableDiffusion_Interface_n_Walk.ipynb -------------------------------------------------------------------------------- /StyleGAN-Collection/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/StyleGAN-Collection/README.md -------------------------------------------------------------------------------- /Text2Image-AIModels/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Text2Image-AIModels/README.md -------------------------------------------------------------------------------- /Text2Image-AIModels/images/txt2img.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Text2Image-AIModels/images/txt2img.png -------------------------------------------------------------------------------- /Text2Image-Workshop/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Text2Image-Workshop/README.md -------------------------------------------------------------------------------- /Text2Image-Workshop/Text_2_Image_Workshop.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Text2Image-Workshop/Text_2_Image_Workshop.ipynb -------------------------------------------------------------------------------- /Text2Image-Workshop/images/txt2img.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/Text2Image-Workshop/images/txt2img.png -------------------------------------------------------------------------------- /TopicModelling/BaseWorkshop/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/TopicModelling/BaseWorkshop/README.md -------------------------------------------------------------------------------- /TopicModelling/BaseWorkshop/Topic_Modeling_Workshop.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/TopicModelling/BaseWorkshop/Topic_Modeling_Workshop.ipynb -------------------------------------------------------------------------------- /TopicModelling/BaseWorkshop/ldavis_prepared_10.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/TopicModelling/BaseWorkshop/ldavis_prepared_10.html -------------------------------------------------------------------------------- /TopicModelling/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/TopicModelling/README.md -------------------------------------------------------------------------------- /TopicModelling/images/README.md: -------------------------------------------------------------------------------- 1 | ## all Images for the Topic Modelling Project ## 2 | -------------------------------------------------------------------------------- /TopicModelling/images/lda-info.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/TopicModelling/images/lda-info.png -------------------------------------------------------------------------------- /TopicModelling/images/lda-model-viz.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/TopicModelling/images/lda-model-viz.png -------------------------------------------------------------------------------- /TorchStudio/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/TorchStudio/README.md -------------------------------------------------------------------------------- /ViG(VisionGNN)/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/ViG(VisionGNN)/README.md -------------------------------------------------------------------------------- /ViG(VisionGNN)/ViG-GNN.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/ViG(VisionGNN)/ViG-GNN.pdf -------------------------------------------------------------------------------- /ViG(VisionGNN)/images/README.md: -------------------------------------------------------------------------------- 1 | All images specific to this section are uploaded here.. 2 | -------------------------------------------------------------------------------- /ViG(VisionGNN)/images/graph-processing.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/ViG(VisionGNN)/images/graph-processing.png -------------------------------------------------------------------------------- /ViG(VisionGNN)/images/graph-representation.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/ViG(VisionGNN)/images/graph-representation.png -------------------------------------------------------------------------------- /ViG(VisionGNN)/images/vig-gnn.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/ViG(VisionGNN)/images/vig-gnn.png -------------------------------------------------------------------------------- /images/prodramp-page.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/images/prodramp-page.png -------------------------------------------------------------------------------- /llm/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/llm/README.md -------------------------------------------------------------------------------- /nerf/Instruct-NeRFNeRF.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/nerf/Instruct-NeRFNeRF.md -------------------------------------------------------------------------------- /nerf/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/nerf/README.md -------------------------------------------------------------------------------- /pythontips/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/pythontips/README.md -------------------------------------------------------------------------------- /ruDALL-E/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/ruDALL-E/README.md -------------------------------------------------------------------------------- /ruDALL-E/RuDALL_E_Test.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/ruDALL-E/RuDALL_E_Test.ipynb -------------------------------------------------------------------------------- /ruDALL-E/images/ruDALL-e.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/ruDALL-E/images/ruDALL-e.png -------------------------------------------------------------------------------- /selfdrivingtech/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/selfdrivingtech/README.md -------------------------------------------------------------------------------- /selfdrivingtech/streetscape.gl_demo/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/selfdrivingtech/streetscape.gl_demo/README.md -------------------------------------------------------------------------------- /selfdrivingtech/streetscape.gl_demo/get-started/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/selfdrivingtech/streetscape.gl_demo/get-started/README.md -------------------------------------------------------------------------------- /selfdrivingtech/streetscape.gl_demo/get-started/index.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/selfdrivingtech/streetscape.gl_demo/get-started/index.html -------------------------------------------------------------------------------- /selfdrivingtech/streetscape.gl_demo/get-started/package.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/selfdrivingtech/streetscape.gl_demo/get-started/package.json -------------------------------------------------------------------------------- /selfdrivingtech/streetscape.gl_demo/get-started/src/app.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/selfdrivingtech/streetscape.gl_demo/get-started/src/app.js -------------------------------------------------------------------------------- /selfdrivingtech/streetscape.gl_demo/get-started/src/constants.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/selfdrivingtech/streetscape.gl_demo/get-started/src/constants.js -------------------------------------------------------------------------------- /selfdrivingtech/streetscape.gl_demo/get-started/src/log-from-file.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/selfdrivingtech/streetscape.gl_demo/get-started/src/log-from-file.js -------------------------------------------------------------------------------- /selfdrivingtech/streetscape.gl_demo/get-started/src/log-from-live.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/selfdrivingtech/streetscape.gl_demo/get-started/src/log-from-live.js -------------------------------------------------------------------------------- /selfdrivingtech/streetscape.gl_demo/get-started/src/log-from-stream.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/selfdrivingtech/streetscape.gl_demo/get-started/src/log-from-stream.js -------------------------------------------------------------------------------- /selfdrivingtech/streetscape.gl_demo/get-started/webpack.config.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/selfdrivingtech/streetscape.gl_demo/get-started/webpack.config.js -------------------------------------------------------------------------------- /videos/face.mp4: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/avkash/DeepWorks/HEAD/videos/face.mp4 --------------------------------------------------------------------------------