AWS Machine Learning Certification Specialty Exam Prep

AWS Machine Learning Specialty Certification Prep (Android)

You can translate the content of this page by selecting a language in the select box.

The AWS Certified Machine Learning Specialty validates expertise in building, training, tuning, and deploying machine learning (ML) models on AWS.

Use this App to learn about Machine Learning on AWS and prepare for the AWS Machine Learning Specialty Certification MLS-C01.

Download AWS machine Learning Specialty Exam Prep App on iOs

Download AWS Machine Learning Specialty Exam Prep App on Android/Web/Amazon

AWS MLS-C01 Machine Learning Specialty Exam Prep PRO

[appbox appstore 1611045854-iphone screenshots]

[appbox microsoftstore  9n8rl80hvm4t-mobile screenshots]

AWS machine learning certification prep
AWS machine learning certification prep

Download AWS machine Learning Specialty Exam Prep App on iOs

Download AWS Machine Learning Specialty Exam Prep App on Android/Web/Amazon

The App provides hundreds of quizzes and practice exam about:

– Machine Learning Operation on AWS

– Modelling

– Data Engineering

– Computer Vision,

– Exploratory Data Analysis,

– ML implementation & Operations

– Machine Learning Basics Questions and Answers

– Machine Learning Advanced Questions and Answers

– Scorecard

– Countdown timer

– Machine Learning Cheat Sheets

– Machine Learning Interview Questions and Answers

– Machine Learning Latest News

The App covers Machine Learning Basics and Advanced topics including: NLP, Computer Vision, Python, linear regression, logistic regression, Sampling, dataset, statistical interaction, selection bias, non-Gaussian distribution, bias-variance trade-off, Normal Distribution, correlation and covariance, Point Estimates and Confidence Interval, A/B Testing, p-value, statistical power of sensitivity, over-fitting and under-fitting, regularization, Law of Large Numbers, Confounding Variables, Survivorship Bias, univariate, bivariate and multivariate, Resampling, ROC curve, TF/IDF vectorization, Cluster Sampling, etc.

Domain 1: Data Engineering

Create data repositories for machine learning.

Identify data sources (e.g., content and location, primary sources such as user data)

Determine storage mediums (e.g., DB, Data Lake, S3, EFS, EBS)

Identify and implement a data ingestion solution.

Data job styles/types (batch load, streaming)

Data ingestion pipelines (Batch-based ML workloads and streaming-based ML workloads), etc.

Domain 2: Exploratory Data Analysis

Sanitize and prepare data for modeling.

Perform feature engineering.

Analyze and visualize data for machine learning.

Domain 3: Modeling

Frame business problems as machine learning problems.

Select the appropriate model(s) for a given machine learning problem.

Train machine learning models.

Perform hyperparameter optimization.

Evaluate machine learning models.

Domain 4: Machine Learning Implementation and Operations

Build machine learning solutions for performance, availability, scalability, resiliency, and fault

tolerance.

Recommend and implement the appropriate machine learning services and features for a given

problem.

Apply basic AWS security practices to machine learning solutions.

Deploy and operationalize machine learning solutions.

Machine Learning Services covered:

Amazon Comprehend

AWS Deep Learning AMIs (DLAMI)

AWS DeepLens

Amazon Forecast

Amazon Fraud Detector

Amazon Lex

Amazon Polly

Amazon Rekognition

Amazon SageMaker

Amazon Textract

Amazon Transcribe

Amazon Translate

Other Services and topics covered are:

Ingestion/Collection

Processing/ETL

Data analysis/visualization

Model training

Model deployment/inference

Operational

AWS ML application services

Language relevant to ML (for example, Python, Java, Scala, R, SQL)

Notebooks and integrated development environments (IDEs),

S3, SageMaker, Kinesis, Lake Formation, Athena, Kibana, Redshift, Textract, EMR, Glue, SageMaker, CSV, JSON, IMG, parquet or databases, Amazon Athena

Amazon EC2, Amazon Elastic Container Registry (Amazon ECR), Amazon Elastic Container Service, Amazon Elastic Kubernetes Service , Amazon Redshift

Important: To succeed with the real exam, do not memorize the answers in this app. It is very important that you understand why a question is right or wrong and the concepts behind it by carefully reading the reference documents in the answers.

Note and disclaimer: We are not affiliated with Microsoft or Azure or Google or Amazon. The questions are put together based on the certification study guide and materials available online. The questions in this app should help you pass the exam but it is not guaranteed. We are not responsible for any exam you did not pass.

Download AWS machine Learning Specialty Exam Prep App on iOs

Download AWS Machine Learning Specialty Exam Prep App on Android/Web/Amazon

  • Deploy a Hugging Face (PyAnnote) speaker diarization model on Amazon SageMaker as an asynchronous endpoint
    by Sanjay Tiwary (AWS Machine Learning Blog) on April 25, 2024 at 5:03 pm

    Speaker diarization, an essential process in audio analysis, segments an audio file based on speaker identity. This post delves into integrating Hugging Face’s PyAnnote for speaker diarization with Amazon SageMaker asynchronous endpoints. We provide a comprehensive guide on how to deploy speaker segmentation and clustering solutions using SageMaker on the AWS Cloud.

  • Evaluate the text summarization capabilities of LLMs for enhanced decision-making on AWS
    by Dinesh Subramani (AWS Machine Learning Blog) on April 25, 2024 at 4:25 pm

    Organizations across industries are using automatic text summarization to more efficiently handle vast amounts of information and make better decisions. In the financial sector, investment banks condense earnings reports down to key takeaways to rapidly analyze quarterly performance. Media companies use summarization to monitor news and social media so journalists can quickly write stories on

  • [D] What is the best TTS model for my case?
    by /u/hwk06023 (Machine Learning) on April 25, 2024 at 8:07 am

    Hi. Here is the new's question. The biggest concern is the rate of generation. I want to generate about 5 seconds of voice in about 100ms. I want to know which model performs best(SOTA) under those conditions. Which model is best for me? I think "styletts2" is best. If you have any relevant experience or know any other information, I would really appreciate your help. Thank you ! submitted by /u/hwk06023 [link] [comments]

  • [D] Exploring Complex Number Representations for Word Vectors: A New Approach
    by /u/_mayuk (Machine Learning) on April 25, 2024 at 3:21 am

    Word embeddings like Word2Vec and GloVe have revolutionized natural language processing, offering compact and dense representations of word meanings. However, these embeddings typically represent words as real-valued vectors, potentially limiting their ability to capture complex semantic relationships. In this proposal, we explore an alternative approach: representing word vectors as complex numbers. We propose converting Word2Vec or GloVe vectors into complex numbers, where the real part captures magnitude and the imaginary part encodes additional semantic information. For instance, consider the word vector Vecword=[0.2,−0.3,0.5,0.1,−0.2]. We can convert this vector into a complex number zz as follows: z=Vecword[0]+i×Vecword[1] Here, ii is the imaginary unit. The real part of the complex number represents the magnitude of the word's meaning (0.2), while the imaginary part (-0.3i) captures additional semantic nuances. This approach offers several potential advantages: Enhanced Semantic Representation: Complex numbers can capture both magnitude and phase, allowing for richer semantic representations compared to real-valued vectors. Contextual Information: By encoding semantic information in the imaginary part, we can capture contextual nuances that may be missed by traditional embeddings. Compatibility: Complex number representations can be seamlessly integrated into existing models and frameworks, offering a straightforward extension to current NLP pipelines. Exploring complex number representations for word vectors presents an exciting avenue for enhancing semantic understanding in natural language processing tasks. By leveraging the unique properties of complex numbers, we can potentially unlock deeper insights into the structure and meaning of language. This proposal aims to spark further research and experimentation in this promising direction. Join us as we delve into the fascinating world of complex semantics! submitted by /u/_mayuk [link] [comments]

  • [R] French GEC dataset
    by /u/R-e-v-e-r-i-e- (Machine Learning) on April 25, 2024 at 12:14 am

    Hi, does anyone know of a French L2 GEC dataset (that was published at a conference)? submitted by /u/R-e-v-e-r-i-e- [link] [comments]

  • [D] tutorial on how to build streaming ML applications
    by /u/clementruhm (Machine Learning) on April 24, 2024 at 10:16 pm

    My primary expertise is audio processing, but i believe this task happens in other domains too: running a model on chunks of infinitely long input. while for some architectures it is straightforward, it can get tedious for convolutional nets. I put together a comprehensive tutorial how to build a streaming ML applications: https://balacoon.com/blog/streaming\_inference/. would be curious to learn wether its a common problem and how do people usually deal with it. Because resources on the topic are surprisingly scarce. submitted by /u/clementruhm [link] [comments]

  • [D] Why is R^2 so crazy?
    by /u/Cloverdover1 (Machine Learning) on April 24, 2024 at 9:40 pm

    ​ https://preview.redd.it/jpiyt4b9yhwc1.png?width=1165&format=png&auto=webp&s=95d80f8f9c9241d722717ad25215be4077d541ca Based on the MSE looks good right? But why is my R^2 starting off so negative and approaching 0? Could it be a bug in how i am calculating it? This happened after i min maxed the labels before training. This is an LSTM that is predicting runs scored for baseball games. submitted by /u/Cloverdover1 [link] [comments]

  • Recall Score Increase [D]
    by /u/Legal_Hearing555 (Machine Learning) on April 24, 2024 at 5:38 pm

    Hello Everyone, I am trying to do a small fraud detection project and i have so imbalanced dataset. I used randomundersampling because minority class is pretty small and i also tried smote or combining with smote best recall score i got, was with only randomundersampling(0.95). I thought GridsearchCV to increase it but instead of increasing, it is decreasing although i tried to make it to focus on recall score. Why this is happening? submitted by /u/Legal_Hearing555 [link] [comments]

  • [D] Preserving spatial distribution of data during data splitting
    by /u/dr_greg_mouse (Machine Learning) on April 24, 2024 at 5:14 pm

    Hello, I am trying to model nitrate concentrations in the streams in Bavaria in Germany using Random Forest model. I am using Python and primarily sklearn for the same. I have data from 490 water quality stations. I am following the methodology in the paper from LongzhuQ.Shen et al which can be found here: https://www.nature.com/articles/s41597-020-0478-7 I want to split my dataset into training and testing set such that the spatial distribution of data in both sets is identical. The idea is that if data splitting ignores the spatial distribution, there is a risk that the training set might end up with a concentration of points from densely populated areas, leaving out sparser areas. This can skew the model's learning process, making it less accurate or generalizable across the entire area of interest. sklearn train_test_split just randomly divides the data into training and testing sets and it does not consider the spatial patterns in the data. The paper I mentioned above follows this methodology: "We split the full dataset into two sub-datasets, training and testing respectively. To consider the heterogeneity of the spatial distribution of the gauge stations, we employed the spatial density estimation technique in the data splitting step by building a density surface using Gaussian kernels with a bandwidth of 50 km (using v.kernel available in GRASS GIS33) for each species and season. The pixel values of the resultant density surface were used as weighting factors to split the data into training and testing subsets that possess identical spatial distributions." I want to follow the same methodology but instead of using grass GIS, I am just building the density surface myself in Python. I have also extracted the probability density values and the weights for the stations. (attached figure) Now the only problem I am facing is how do I use these weights to split the data into training and testing sets? I checked there is no keyword in the sklearn train_test_split function that can consider the weights. I also went back and forth with chat GPT 4 but it is also not able to give me a clear answer. Neither did I find anything concrete on the internet about this. Maybe I am missing something. Is there any other function I can use to do this? Or will I have to write my own algorithm to do the splitting? In case of the latter, can you please suggest me the approach so I can code it myself? In the attached figure you can see the location of the stations and the probability density surface generated using the kernel density estimation method (using Gaussian kernels). Also attaching a screenshot of my dataframe to give you some idea of the data structure. (all columns after longitude ('lon') column are used as features. the NO3 column is used as the target variable.) I will be grateful for any answers. ​ Probability density surface generated using the kernel density estimation method with gaussian kernels. ​ the dataset I am using to model the nitrate concentrations submitted by /u/dr_greg_mouse [link] [comments]

  • [N] Snowflake releases open (Apache 2.0) 128x3B MoE model
    by /u/topcodemangler (Machine Learning) on April 24, 2024 at 4:45 pm

    Links: ​ https://www.snowflake.com/blog/arctic-open-efficient-foundation-language-models-snowflake/ ​ https://replicate.com/snowflake/snowflake-arctic-instruct submitted by /u/topcodemangler [link] [comments]

  • Enhance conversational AI with advanced routing techniques with Amazon Bedrock
    by Ameer Hakme (AWS Machine Learning Blog) on April 24, 2024 at 4:30 pm

    Conversational artificial intelligence (AI) assistants are engineered to provide precise, real-time responses through intelligent routing of queries to the most suitable AI functions. With AWS generative AI services like Amazon Bedrock, developers can create systems that expertly manage and respond to user requests. Amazon Bedrock is a fully managed service that offers a choice of

  • Improve LLM performance with human and AI feedback on Amazon SageMaker for Amazon Engineering
    by Yunfei Bai (AWS Machine Learning Blog) on April 24, 2024 at 4:27 pm

    The Amazon EU Design and Construction (Amazon D&C) team is the engineering team designing and constructing Amazon warehouses. The team navigates a large volume of documents and locates the right information to make sure the warehouse design meets the highest standards. In the post A generative AI-powered solution on Amazon SageMaker to help Amazon EU

  • Improve accuracy of Amazon Rekognition Face Search with user vectors
    by Arik Porat (AWS Machine Learning Blog) on April 24, 2024 at 4:13 pm

    In various industries, such as financial services, telecommunications, and healthcare, customers use a digital identity process, which usually involves several steps to verify end-users during online onboarding or step-up authentication. An example of one step that can be used is face search, which can help determine whether a new end-user’s face matches those associated with

  • [D] Why would such a simple sentence break an LLM?
    by /u/michael-relleum (Machine Learning) on April 24, 2024 at 3:59 pm

    This is a prompt I entered into MS Copilot (GPT4 Turbo). It's in german but it just means "Would there be any disadvantages if I took the full bath first?"), so this can't be another SolidGoldMagikarp or similar, because the words clearly were in both tokenizer and training vocab. Why would such a simple sentence cause this? Any guesses? (also tried with Claude Opus and LLama 3 70b, which worked fine) ​ https://preview.redd.it/9x6mva7b6gwc1.png?width=1129&format=png&auto=webp&s=bb6ac52d1c52d981161e8a864c5d1dd3794ca392 submitted by /u/michael-relleum [link] [comments]

  • [R] Speaker diarization
    by /u/anuragrawall (Machine Learning) on April 24, 2024 at 3:01 pm

    Hi All, I am working on a project where I want to create speaker-aware transcripts from audios/videos, preferably using open-source solutions. I have tried so many approaches but nothing seems to work good enough out of the box. I have tried: ​ whisperX: https://github.com/m-bain/whisperX (uses pyannote) whisper-diarization: https://github.com/MahmoudAshraf97/whisper-diarization (uses Nemo) AWS Transcribe AssemblyAI API Picovoice API I'll need to dig deeper and understand what's causing the incorrect diarization but I am looking for suggestions to improve speaker diarization. Please reach out if you have worked in this area and have had any success. Thanks! submitted by /u/anuragrawall [link] [comments]

  • [R] I made an app to predict ICML paper acceptance from reviews
    by /u/Lavishness-Mission (Machine Learning) on April 24, 2024 at 12:23 pm

    https://www.norange.io/projects/paper_scorer/ A couple of years ago, u/programmerChilli analyzed ICLR 2019 reviews data and trained a model that rather accurately predicted acceptance results for NeurIPS. I've decided to continue this analysis and trained a model (total ~6000 parameters) on newer NeurIPS reviews, which has twice as many reviews compared to ICLR 2019. Additionally, review scores system for NeurIPS has changed since 2019, and here is what I've learned: 1) Both conferences consistently reject nearly all submissions scoring <5 and accept those scoring >6. The most common score among accepted papers is 6. An average rating around 5.3 typically results in decisions that could go either way for both ICML and NeurIPS, suggesting that ~5.3 might be considered a soft threshold for acceptance. 2) Confidence scores are less impactful for borderline ratings such as 4 (borderline reject), 5 (borderline accept), and 6 (weak accept), but they can significantly affect the outcome for stronger reject or accept cases. For instance, with ratings of [3, 5, 6] and confidences of [*, 4, 4], changing the "Reject" confidence from 5 to 1 shifts the probabilities from 26.2% - 31.3% - 52.4% - 54.5% - 60.4%, indicating that lower confidence in this case increases your chances. Conversely, for ratings [3, 5, 7] with confidences [4, 4, 4], the acceptance probability is 31.3%, but it drops to 28.1% when the confidence changes to [4, 4, 5]. Although it might seem counterintuitive, a confidence score of 5 actually decreases your chances. One possible explanation is that many low-quality reviews rated 5 are often discounted by the Area Chairs (ACs). Hope this will be useful, and thanks to u/programmerChilli for the inspiration! I also discussed this topic in a series of tweets. submitted by /u/Lavishness-Mission [link] [comments]

  • [R] SpaceByte: Towards Deleting Tokenization from Large Language Modeling - Rice University 2024 - Practically the same performance as subword tokenizers without their many downsides!
    by /u/Singularian2501 (Machine Learning) on April 24, 2024 at 11:42 am

    Paper: https://arxiv.org/abs/2404.14408 Github: https://github.com/kjslag/spacebyte Abstract: Tokenization is widely used in large language models because it significantly improves performance. However, tokenization imposes several disadvantages, such as performance biases, increased adversarial vulnerability, decreased character-level modeling performance, and increased modeling complexity. To address these disadvantages without sacrificing performance, we propose SpaceByte, a novel byte-level decoder architecture that closes the performance gap between byte-level and subword autoregressive language modeling. SpaceByte consists of a byte-level Transformer model, but with extra larger transformer blocks inserted in the middle of the layers. We find that performance is significantly improved by applying these larger blocks only after certain bytes, such as space characters, which typically denote word boundaries. Our experiments show that for a fixed training and inference compute budget, SpaceByte outperforms other byte-level architectures and roughly matches the performance of tokenized Transformer architectures.Paper: https://arxiv.org/abs/2404.14408Github: https://github.com/kjslag/spacebyteAbstract:Tokenization is widely used in large language models because it significantly improves performance. However, tokenization imposes several disadvantages, such as performance biases, increased adversarial vulnerability, decreased character-level modeling performance, and increased modeling complexity. To address these disadvantages without sacrificing performance, we propose SpaceByte, a novel byte-level decoder architecture that closes the performance gap between byte-level and subword autoregressive language modeling. SpaceByte consists of a byte-level Transformer model, but with extra larger transformer blocks inserted in the middle of the layers. We find that performance is significantly improved by applying these larger blocks only after certain bytes, such as space characters, which typically denote word boundaries. Our experiments show that for a fixed training and inference compute budget, SpaceByte outperforms other byte-level architectures and roughly matches the performance of tokenized Transformer architectures. https://preview.redd.it/v1xo6g1gzewc1.jpg?width=1507&format=pjpg&auto=webp&s=f9d415307b60639fa67e8a54c8769fa5a6c10f04 https://preview.redd.it/edvqos1gzewc1.jpg?width=1654&format=pjpg&auto=webp&s=f91c8727017e1a1bc7b80bb77a8627ff99182607 https://preview.redd.it/fe6z6i1gzewc1.jpg?width=1181&format=pjpg&auto=webp&s=24d955f30b8ca3eaa7c527f3f40545ed493f789c submitted by /u/Singularian2501 [link] [comments]

  • [D] Keeping track of models and their associated metadata.
    by /u/ClearlyCylindrical (Machine Learning) on April 24, 2024 at 10:20 am

    I am starting to accumulate a large number of models for a project I am working on, many of these models are old which I am keeping for archival sake, and many are fine tuned from other models. I am wondering if there is an industry standard way of dealing with this, in particular I am looking for the following: Information about parameters used to train the model Datasets used to train the model Other metadata about the model (i.e. what objects an object detection model trained for) Model performance Model lineage (What model was it fine tuned from) Model progression (Is this model a direct upgrade from some other model, such as being fine tuned from the same model but using better hyper parameters) Model source (Not sure about this, but I'm thinking some way of linking the model to the python script which was used to train it. Not crucial but something like this would be nice) Are there any tools of services which could help be achieve some of this functionality? Also, if this is not the sub for this question could I get some pointers in the correct direction. Thanks! ​ submitted by /u/ClearlyCylindrical [link] [comments]

  • [D] Deploy the fine-tuned Mistral 7B model using the Hugging Face library
    by /u/Future-Outcome3167 (Machine Learning) on April 24, 2024 at 9:31 am

    I followed the tutorial provided at https://www.datacamp.com/tutorial/mistral-7b-tutorial and now seek methods to deploy the model for faster inference using Hugging Face and Gradio. Could anyone please share a guide notebook or article for reference? Any help would be appreciated. submitted by /u/Future-Outcome3167 [link] [comments]

  • [D] Transkribus vs Tesseract for Handwritten Text Recognition (HTR)
    by /u/Pretty_Instance4483 (Machine Learning) on April 24, 2024 at 6:15 am

    I am looking for a HTR tool with the best accuracy and preferably not pricy (obviously). From my research, it seems that Transkribus was the most mentioned platform with good reviews. As I would need to convert images to text regularly I would need to pay the subscription. So I am wondering if I could use the Tesseract and/or TensorFlow Python library to achieve the same result for free. Would using Tesseract/TensorFlow be less accurate rather than using Transkribus? I learned only the basics of Machine Learning (TensorFlow, scikit-learn, keras), so I might have not enough knowledge to see the difference between the two solutions. Or is training Tesseract/TensorFlow would be challenging? submitted by /u/Pretty_Instance4483 [link] [comments]

  • [D] How researcher think of inductive bias when thinking of creating new/improving foundational models?
    by /u/binny_sarita (Machine Learning) on April 24, 2024 at 2:36 am

    I am undergradute student learning machine learning. What I got to know while reading few papers that we try to reduce search space by imposing inductive bias in machine learning models. And the success in creating useful models comes when inductive bias matches with the underlying data. In heriarchical models like NVAE how they instilled inductive bias by specifing the way data gets computed? (I thinks it's called algorithmic bias, not sure though) But how people think such inductive bias will be helpful, what is step by step procedure they go through to insist such inductive bias. I took a lot of class in machine learning and statistics but didn't got any lectures explaing such stuff. Did I missed any course/lecture? Please provide my with papers/lectures/talks related to it if possible Thankyou submitted by /u/binny_sarita [link] [comments]

  • [R] Generalized Contrastive Learning for Multi-Modal Retrieval and Ranking
    by /u/Jesse_marqo (Machine Learning) on April 23, 2024 at 11:07 pm

    Generalization of the popular training method of CLIP to be better suited for search and recommendations. Paper: https://arxiv.org/pdf/2404.08535.pdf Github: https://github.com/marqo-ai/GCL Generalises CLIP: Use any number of text and/or images to represent documents. Better text understanding by having both inter- and intra-modal losses. Can encode rank/importance/relevance, a.k.a “rank-tune”. Works with pretrained, text, CLIP models. Can learn uni- or multi-vector representations for documents. Works with binary and Matryoshka methods. Open source 10M row multi-modal dataset with 100k queries and ~5M products. Why? The prevailing methods for training embedding models are largely disconnected from the end use-case (like search), the vector database, the requirements of users, and a lack of representative datasets for development and evaluation, particularly when multiple modalities and ranking is involved. Limitations of current embedding models for vector search Although vector search is very powerful and enables searching across just about any data, the current methods have some limitations. The prevailing methods for training embedding models are largely disconnected from the end use-case (like search), the vector database, and the requirements of users. This means that a lot of the potential of vector search is being unmet. Some of the current challenges are described below. Restricted to using a single piece of information to represent a document Current models encode and represent one piece of information with one vector. The reality is that often there are multiple pieces of pertinent information for a document that may span multiple modalities. For example, in product search there may be a title, description, reviews, and multiple images, each with its own caption. GCL generalises embedding model training to use as many pieces of information as is desired. No notion of rank when dealing with degenerate queries When there are degenerate queries - multiple results that satisfy some criteria of relevance - the ordering of the results is only ever learned indirectly from the many binary relationships. In reality, the ordering of results matters, even for first stage retrieval. GCL allows for the magnitude of query-document specific relevance to be encoded in the embeddings and improves ranking of candidate documents. Poor text understanding when using CLIP like methods For multi-modal models like CLIP, these are trained to only work from image to text (and vice versa). The text-text understanding is not as good as text only models due to the text-text relationships being learned indirectly through images. For many applications, having both inter- and intra-modality understanding is required. GCL allows for any combination of inter- and intra-modal understanding by directly optimizing for this. Lack of representative datasets to develop methods for vector search In developing GCL, it became apparent there was a disconnect with publicly available datasets for embedding model training and evaluation for real-world use cases. Existing benchmarks are typically text only or inter-modal only and focus on the 1-1 query-result paradigm. Additionally, existing datasets have limited notions of relevance, with the majority encoding it as a binary relationship while several use (up-to) a handful of discrete categorizations often on the test set only. This differs from a typical real-world use cases where relevance can be both hard binary relationships or come from continuous variables. To help with this we compiled a dataset of 10M (ranked) product-query pairs, across ~100k queries, nearly 5M products, and four evaluation splits (available here). ​ submitted by /u/Jesse_marqo [link] [comments]

  • [D] Practical uses of AI inside companies
    by /u/CJSF (Machine Learning) on April 23, 2024 at 10:25 pm

    How are people using AI inside companies (startups -> FAANG) to improve operations and processes? There is so much talk about leveraging LLM’s and GenAI but I’m struggling to find real concrete examples that are successful, beyond what comes up in a google search. The following areas come to mind first but this list isn’t exhaustive of course: Design (and handoff) Engineering Customer Support Sales Documentation Marketing What’s worked or shown promise? What hasn’t worked? submitted by /u/CJSF [link] [comments]

  • Meta does everything OpenAI should be [D]
    by /u/ReputationMindless32 (Machine Learning) on April 23, 2024 at 10:03 pm

    I'm surprised (or maybe not) to say this, but Meta (or Facebook) democratises AI/ML much more than OpenAI, which was originally founded and primarily funded for this purpose. OpenAI has largely become a commercial project for profit only. Although as far as Llama models go, they don't yet reach GPT4 capabilities for me, but I believe it's only a matter of time. What do you guys think about this? submitted by /u/ReputationMindless32 [link] [comments]

  • Accelerate ML workflows with Amazon SageMaker Studio Local Mode and Docker support
    by Shweta Singh (AWS Machine Learning Blog) on April 23, 2024 at 7:20 pm

    We are excited to announce two new capabilities in Amazon SageMaker Studio that will accelerate iterative development for machine learning (ML) practitioners: Local Mode and Docker support. ML model development often involves slow iteration cycles as developers switch between coding, training, and deployment. Each step requires waiting for remote compute resources to start up, which

  • [D] Speech to Text Word Level Timestamps Accuracy Issue
    by /u/Mindless-Ordinary485 (Machine Learning) on April 23, 2024 at 7:18 pm

    I've had a lot of success with Whisper when it comes to transcriptions, but word level timestamps seems to be slightly inaccurate. From my understanding ("Whisper cannot provide reliable word timestamps, because the END-TO-END models like Transformer using cross-entropy training criterion are not designed for reliably estimating word timestamps." https://www.youtube.com/watch?v=H576iCWt1Co&t=192s) For my use case, I need precise word level timestamps, because I'm doing audio insertion after specific words. This becomes problematic when I do an insertion and the back part of a word ends up on the other side. Example: Given an original audio file with speech that has been transcribed, If I want to insert a clip at the end of the word "France", and according to the timestamp, the word "France" starts at 19.26 and ends at 19.85, I will insert the clip at 19.85. However, if the actual end of France is at 19.92, then when I insert the laugher at 19.85, I will here the remaining "France", likely "ce" (0.07), at the end. I'm curious if anyone has been posed with a similar problem and what they did to get around this? I've experimented with a few open source variations of whisper, but still running into that issue. submitted by /u/Mindless-Ordinary485 [link] [comments]

  • [R] Wu's Method can Boost Symbolic AI to Rival Silver Medalists and AlphaGeometry to Outperform Gold Medalists at IMO Geometry
    by /u/SeawaterFlows (Machine Learning) on April 23, 2024 at 7:11 pm

    Paper: https://arxiv.org/abs/2404.06405 Code: https://huggingface.co/datasets/bethgelab/simplegeometry Abstract: Proving geometric theorems constitutes a hallmark of visual reasoning combining both intuitive and logical skills. Therefore, automated theorem proving of Olympiad-level geometry problems is considered a notable milestone in human-level automated reasoning. The introduction of AlphaGeometry, a neuro-symbolic model trained with 100 million synthetic samples, marked a major breakthrough. It solved 25 of 30 International Mathematical Olympiad (IMO) problems whereas the reported baseline based on Wu's method solved only ten. In this note, we revisit the IMO-AG-30 Challenge introduced with AlphaGeometry, and find that Wu's method is surprisingly strong. Wu's method alone can solve 15 problems, and some of them are not solved by any of the other methods. This leads to two key findings: (i) Combining Wu's method with the classic synthetic methods of deductive databases and angle, ratio, and distance chasing solves 21 out of 30 methods by just using a CPU-only laptop with a time limit of 5 minutes per problem. Essentially, this classic method solves just 4 problems less than AlphaGeometry and establishes the first fully symbolic baseline strong enough to rival the performance of an IMO silver medalist. (ii) Wu's method even solves 2 of the 5 problems that AlphaGeometry failed to solve. Thus, by combining AlphaGeometry with Wu's method we set a new state-of-the-art for automated theorem proving on IMO-AG-30, solving 27 out of 30 problems, the first AI method which outperforms an IMO gold medalist. submitted by /u/SeawaterFlows [link] [comments]

  • [N] Phi-3-mini released on HuggingFace
    by /u/topcodemangler (Machine Learning) on April 23, 2024 at 3:26 pm

    https://huggingface.co/microsoft/Phi-3-mini-128k-instruct The numbers in the technical report look really great, I guess need to be verified by 3rd parties. submitted by /u/topcodemangler [link] [comments]

  • [D] How to and Deploy LLaMA 3 Into Production, and Hardware Requirements
    by /u/juliensalinas (Machine Learning) on April 23, 2024 at 12:33 pm

    Many are trying to install and deploy their own LLaMA 3 model, so here is a tutorial I just made showing how to deploy LLaMA 3 on an AWS EC2 instance: https://nlpcloud.com/how-to-install-and-deploy-llama-3-into-production.html Deploying LLaMA 3 8B is fairly easy but LLaMA 3 70B is another beast. Given the amount of VRAM needed you might want to provision more than one GPU and use a dedicated inference server like vLLM in order to split your model on several GPUs. LLaMA 3 8B requires around 16GB of disk space and 20GB of VRAM (GPU memory) in FP16. As for LLaMA 3 70B, it requires around 140GB of disk space and 160GB of VRAM in FP16. I hope it is useful, and if you have questions please don't hesitate to ask! Julien submitted by /u/juliensalinas [link] [comments]

  • Significant new capabilities make it easier to use Amazon Bedrock to build and scale generative AI applications – and achieve impressive results
    by Swami Sivasubramanian (AWS Machine Learning Blog) on April 23, 2024 at 11:50 am

    We introduced Amazon Bedrock to the world a little over a year ago, delivering an entirely new way to build generative artificial intelligence (AI) applications. With the broadest selection of first- and third-party foundation models (FMs) as well as user-friendly capabilities, Amazon Bedrock is the fastest and easiest way to build and scale secure generative

  • Building scalable, secure, and reliable RAG applications using Knowledge Bases for Amazon Bedrock
    by Mani Khanuja (AWS Machine Learning Blog) on April 23, 2024 at 11:40 am

    This post explores the new enterprise-grade features for Knowledge Bases on Amazon Bedrock and how they align with the AWS Well-Architected Framework. With Knowledge Bases for Amazon Bedrock, you can quickly build applications using Retrieval Augmented Generation (RAG) for use cases like question answering, contextual chatbots, and personalized search.

  • [D] What best practices and workflows those working solo as DS/MLE should keep in mind?
    by /u/Melodic_Reality_646 (Machine Learning) on April 23, 2024 at 9:40 am

    I'm wondering what technical recruiters or seasoned DS/MLE have to say about people with profiles like mine: good theoretical and decent technical background but working solo for too long. Summary of my career for context: I've been working 8 years now as a DS, the first 3 in medium sized R&D and consulting teams (for a big tech company), then for the past 5 as a solo DS for relatively successful non-ai focused start-ups, mostly developing ML/NLP stuff to address specific issues or improve one specific feature of their product (i.e. never a whole product). In 5 years I designed. developed and deployed, say, 4 models (but experimented with many ofc) - along with a few dashboards and simple streamlit POCs). Recently attending to meetups and seeing how people that make part of actual teams work, discuss and exchange knowledge it suddenly stroke me: I'm missing out, I'm becoming obsolete. I dont feel sharp enough for technical interviews, I'm not sure the way I develop and maintain my projects are following good standards/best practices (heck, i hardly follow a kanban, mostly use my planner to report to my boss on progress). I do some version control and document what I put into prod, but not even that I'm sure I'm doing as it'd be expected within a team. submitted by /u/Melodic_Reality_646 [link] [comments]

  • Integrate HyperPod clusters with Active Directory for seamless multi-user login
    by Tomonori Shimomura (AWS Machine Learning Blog) on April 22, 2024 at 5:50 pm

    Amazon SageMaker HyperPod is purpose-built to accelerate foundation model (FM) training, removing the undifferentiated heavy lifting involved in managing and optimizing a large training compute cluster. With SageMaker HyperPod, you can train FMs for weeks and months without disruption. Typically, HyperPod clusters are used by multiple users: machine learning (ML) researchers, software engineers, data scientists,

  • The executive’s guide to generative AI for sustainability
    by Wafae Bakkali (AWS Machine Learning Blog) on April 22, 2024 at 5:40 pm

    Organizations are facing ever-increasing requirements for sustainability goals alongside environmental, social, and governance (ESG) practices. A Gartner, Inc. survey revealed that 87 percent of business leaders expect to increase their organization’s investment in sustainability over the next years. This post serves as a starting point for any executive seeking to navigate the intersection of generative

  • [D] Llama-3 may have just killed proprietary AI models
    by /u/madredditscientist (Machine Learning) on April 22, 2024 at 3:08 pm

    Full Blog Post Meta released Llama-3 only three days ago, and it already feels like the inflection point when open source models finally closed the gap with proprietary models. The initial benchmarks show that Llama-3 70B comes pretty close to GPT-4 in many tasks: The official Meta page only shows that Llama-3 outperforms Gemini 1.5 and Claude Sonnet. Artificial Analysis shows that Llama-3 is in-between Gemini-1.5 and Opus/GPT-4 for quality. On LMSYS Chatbot Arena Leaderboard, Llama-3 is ranked #5 while current GPT-4 models and Claude Opus are still tied at #1. The even more powerful Llama-3 400B+ model is still in training and is likely to surpass GPT-4 and Opus once released. Meta vs OpenAI Some speculate that Meta's goal from the start was to target OpenAI with a "scorched earth" approach by releasing powerful open models to disrupt the competitive landscape and avoid being left behind in the AI race. Meta can likely outspend OpenAI on compute and talent: OpenAI makes an estimated revenue of $2B and is likely unprofitable. Meta generated a revenue of $134B and profits of $39B in 2023. Meta's compute resources likely outrank OpenAI by now. Open source likely attracts better talent and researchers. One possible outcome could be the acquisition of OpenAI by Microsoft to catch up with Meta. Google is also making moves into the open model space and has similar capabilities to Meta. It will be interesting to see where they fit in. The Winners: Developers and AI Product Startups I recently wrote about the excitement of building an AI startup right now, as your product automatically improves with each major model advancement. With the release of Llama-3, the opportunities for developers are even greater: No more vendor lock-in. Instead of just wrapping proprietary API endpoints, developers can now integrate AI deeply into their products in a very cost-effective and performant way. There are already over 800 llama-3 models variations on Hugging Face, and it looks like everyone will be able to fine-tune for their us-cases, languages, or industry. Faster, cheaper hardware: Groq can now generate 800 llama-3 tokens per second at a small fraction of the GPT costs. Near-instant LLM responses at low prices are on the horizon. Open source multimodal models for vision and video still have to catch up, but I expect this to happen very soon. The release of Llama-3 marks a significant milestone in the democratization of AI, but it's probably too early to declare the death of proprietary models. Who knows, maybe GPT-5 will surprise us all and surpass our imaginations of what transformer models can do. These are definitely super exciting times to build in the AI space! submitted by /u/madredditscientist [link] [comments]

  • [D] Simple Questions Thread
    by /u/AutoModerator (Machine Learning) on April 21, 2024 at 3:00 pm

    Please post your questions here instead of creating a new thread. Encourage others who create new posts for questions to post here instead! Thread will stay alive until next one so keep posting after the date in the title. Thanks to everyone for answering questions in the previous thread! submitted by /u/AutoModerator [link] [comments]

  • Introducing automatic training for solutions in Amazon Personalize
    by Ba'Carri Johnson (AWS Machine Learning Blog) on April 20, 2024 at 12:38 am

    Amazon Personalize is excited to announce automatic training for solutions. Solution training is fundamental to maintain the effectiveness of a model and make sure recommendations align with users’ evolving behaviors and preferences. As data patterns and trends change over time, retraining the solution with the latest relevant data enables the model to learn and adapt,

  • Use Kubernetes Operators for new inference capabilities in Amazon SageMaker that reduce LLM deployment costs by 50% on average
    by Rajesh Ramchander (AWS Machine Learning Blog) on April 19, 2024 at 4:55 pm

    We are excited to announce a new version of the Amazon SageMaker Operators for Kubernetes using the AWS Controllers for Kubernetes (ACK). ACK is a framework for building Kubernetes custom controllers, where each controller communicates with an AWS service API. These controllers allow Kubernetes users to provision AWS resources like buckets, databases, or message queues

  • Talk to your slide deck using multimodal foundation models hosted on Amazon Bedrock – Part 2
    by Archana Inapudi (AWS Machine Learning Blog) on April 19, 2024 at 3:15 pm

    In Part 1 of this series, we presented a solution that used the Amazon Titan Multimodal Embeddings model to convert individual slides from a slide deck into embeddings. We stored the embeddings in a vector database and then used the Large Language-and-Vision Assistant (LLaVA 1.5-7b) model to generate text responses to user questions based on

  • Scale AI training and inference for drug discovery through Amazon EKS and Karpenter
    by Matthew Welborn (AWS Machine Learning Blog) on April 19, 2024 at 3:07 pm

    This is a guest post co-written with the leadership team of Iambic Therapeutics. Iambic Therapeutics is a drug discovery startup with a mission to create innovative AI-driven technologies to bring better medicines to cancer patients, faster. Our advanced generative and predictive artificial intelligence (AI) tools enable us to search the vast space of possible drug

  • Generate customized, compliant application IaC scripts for AWS Landing Zone using Amazon Bedrock
    by Ebbey Thomas (AWS Machine Learning Blog) on April 18, 2024 at 5:57 pm

    As you navigate the complexities of cloud migration, the need for a structured, secure, and compliant environment is paramount. AWS Landing Zone addresses this need by offering a standardized approach to deploying AWS resources. This makes sure your cloud foundation is built according to AWS best practices from the start. With AWS Landing Zone, you eliminate the guesswork in security configurations, resource provisioning, and account management. It’s particularly beneficial for organizations looking to scale without compromising on governance or control, providing a clear path to a robust and efficient cloud setup. In this post, we show you how to generate customized, compliant IaC scripts for AWS Landing Zone using Amazon Bedrock.

  • Live Meeting Assistant with Amazon Transcribe, Amazon Bedrock, and Knowledge Bases for Amazon Bedrock
    by Bob Strahan (AWS Machine Learning Blog) on April 18, 2024 at 5:08 pm

    You’ve likely experienced the challenge of taking notes during a meeting while trying to pay attention to the conversation. You’ve probably also experienced the need to quickly fact-check something that’s been said, or look up information to answer a question that’s just been asked in the call. Or maybe you have a team member that always joins meetings late, and expects you to send them a quick summary over chat to catch them up. Then there are the times that others are talking in a language that’s not your first language, and you’d love to have a live translation of what people are saying to make sure you understand correctly. And after the call is over, you usually want to capture a summary for your records, or to send to the participants, with a list of all the action items, owners, and due dates. All of this, and more, is now possible with our newest sample solution, Live Meeting Assistant (LMA).

  • Meta Llama 3 models are now available in Amazon SageMaker JumpStart
    by Kyle Ulrich (AWS Machine Learning Blog) on April 18, 2024 at 4:31 pm

    Today, we are excited to announce that Meta Llama 3 foundation models are available through Amazon SageMaker JumpStart to deploy and run inference. The Llama 3 models are a collection of pre-trained and fine-tuned generative text models. In this post, we walk through how to discover and deploy Llama 3 models via SageMaker JumpStart. What is

  • Slack delivers native and secure generative AI powered by Amazon SageMaker JumpStart
    by Jackie Rocca (AWS Machine Learning Blog) on April 18, 2024 at 12:00 pm

    We are excited to announce that Slack, a Salesforce company, has collaborated with Amazon SageMaker JumpStart to power Slack AI’s initial search and summarization features and provide safeguards for Slack to use large language models (LLMs) more securely. Slack worked with SageMaker JumpStart to host industry-leading third-party LLMs so that data is not shared with the infrastructure owned by third party model providers. This keeps customer data in Slack at all times and upholds the same security practices and compliance standards that customers expect from Slack itself.

  • Uncover hidden connections in unstructured financial data with Amazon Bedrock and Amazon Neptune
    by Xan Huang (AWS Machine Learning Blog) on April 17, 2024 at 3:00 pm

    In asset management, portfolio managers need to closely monitor companies in their investment universe to identify risks and opportunities, and guide investment decisions. Tracking direct events like earnings reports or credit downgrades is straightforward—you can set up alerts to notify managers of news containing company names. However, detecting second and third-order impacts arising from events

  • Open source observability for AWS Inferentia nodes within Amazon EKS clusters
    by Riccardo Freschi (AWS Machine Learning Blog) on April 17, 2024 at 2:54 pm

    This post walks you through the Open Source Observability pattern for AWS Inferentia, which shows you how to monitor the performance of ML chips, used in an Amazon Elastic Kubernetes Service (Amazon EKS) cluster, with data plane nodes based on Amazon Elastic Compute Cloud (Amazon EC2) instances of type Inf1 and Inf2.

Download AWS machine Learning Specialty Exam Prep App on iOs

AWS machine learning certification prep
AWS machine learning certification prep

Download AWS Machine Learning Specialty Exam Prep App on Android/Web/Amazon

Download AWS machine Learning Specialty Exam Prep App on iOs

Download AWS Machine Learning Specialty Exam Prep App on Android/Web/Amazon

Pass the 2024 AWS Cloud Practitioner CCP CLF-C01 Certification with flying colors Ace the 2024 AWS Solutions Architect Associate SAA-C03 Exam with Confidence

AWS Data analytics DAS-C01 Exam Preparation

AWS Data analytics DAS-C01 Exam Prep

You can translate the content of this page by selecting a language in the select box.

AWS Data analytics DAS-C01 Exam Preparation: The AWS Data analytics DAS-C01 Exam Prep PRO App is very similar to real exam with a Countdown timer, a Score card.

It also gives users the ability to Show/Hide Answers, learn from Cheat Sheets, Flash Cards, and includes Detailed Answers and References for more than 300 AWS Data Analytics Questions.

Various Practice Exams covering Data Collection, Data Security, Data processing, Data Analysis, Data Visualization, Data Storage and Management,
App preview:

AWS Data Analytics DAS-C01 Exam Prep PRO


This App provides hundreds of Quizzes covering AWS Data analytics, Data Science, Data Lakes, S3, Kinesis, Lake Formation, Athena, Kibana, Redshift, EMR, Glue, Kafka, Apache Spark, SQL, NoSQL, Python, DynamoDB, DocumentDB,  linear regression, logistic regression, Sampling, dataset, statistical interaction, selection bias, non-Gaussian distribution, bias-variance trade-off, Normal Distribution, correlation and covariance, Point Estimates and Confidence Interval, A/B Testing, p-value, statistical power of sensitivity, over-fitting and under-fitting, regularization, Law of Large Numbers, Confounding Variables, Survivorship Bias, univariate, bivariate and multivariate, Resampling, ROC curve, TF/IDF vectorization, Cluster Sampling, Data cleansing, ETL, IoT, etc.

[appbox appstore 1604021741-iphone screenshots]

[appbox googleplay com.dataanalyticsexamprep.app]

[appbox microsoftstore 9NWSDDCMCF6X-mobile screenshots]

  • Machine Learning Cheat Sheets
  • Python Cheat Sheets
  • SQL Cheat Sheets
  • Data Science and Data analytics cheat sheets